diff --git a/README.md b/README.md index ed205a677bcb1136696a5bdc2e6dadca4f079094..84c53d2a06ee7b52ae7c89187fb0316730390f01 100644 --- a/README.md +++ b/README.md @@ -147,6 +147,7 @@ python -m paddlerec.run -m models/rank/dnn/config.yaml * [启动分布式训练](doc/distributed_train.md) * [启动预测](doc/predict.md) * [快速部署](doc/serving.md) +* [预训练模型](doc/pre_train_model.md) ### 进阶教程 diff --git a/core/engine/cluster/cloud/k8s_config.ini.template b/core/engine/cluster/cloud/k8s_config.ini.template index 8979cc6f0d996c132fbc2259a01134ba4a8a1ee5..471bd1a0dd2931591b0d6eda7f87cc25458b3f80 100644 --- a/core/engine/cluster/cloud/k8s_config.ini.template +++ b/core/engine/cluster/cloud/k8s_config.ini.template @@ -19,6 +19,7 @@ afs_local_mount_point="/root/paddlejob/workspace/env_run/afs/" # 新k8s afs挂载帮助文档: http://wiki.baidu.com/pages/viewpage.action?pageId=906443193 PADDLE_PADDLEREC_ROLE=WORKER +PADDLEREC_CLUSTER_TYPE=K8S use_python3=<$ USE_PYTHON3 $> CPU_NUM=<$ CPU_NUM $> GLOG_v=0 diff --git a/core/engine/cluster/cloud/mpi_config.ini.template b/core/engine/cluster/cloud/mpi_config.ini.template index 7d9f7fbb97a53c23e566e925a87eae990cef9f2a..a3ac22f0c7fc09e9b6eda44306972dd296d19ab7 100644 --- a/core/engine/cluster/cloud/mpi_config.ini.template +++ b/core/engine/cluster/cloud/mpi_config.ini.template @@ -17,6 +17,7 @@ output_path=<$ OUTPUT_PATH $> thirdparty_path=<$ THIRDPARTY_PATH $> PADDLE_PADDLEREC_ROLE=WORKER +PADDLEREC_CLUSTER_TYPE=MPI use_python3=<$ USE_PYTHON3 $> CPU_NUM=<$ CPU_NUM $> GLOG_v=0 diff --git a/core/factory.py b/core/factory.py index 9430c88283800e69db7043aa141b6f735212c79f..95e0e7778141ad76d1166205213bccdaae67aff7 100755 --- a/core/factory.py +++ b/core/factory.py @@ -22,6 +22,19 @@ trainers = {} def trainer_registry(): + trainers["SingleTrainer"] = os.path.join(trainer_abs, "single_trainer.py") + trainers["ClusterTrainer"] = os.path.join(trainer_abs, + "cluster_trainer.py") + trainers["CtrCodingTrainer"] = os.path.join(trainer_abs, + "ctr_coding_trainer.py") + trainers["CtrModulTrainer"] = os.path.join(trainer_abs, + "ctr_modul_trainer.py") + trainers["TDMSingleTrainer"] = os.path.join(trainer_abs, + "tdm_single_trainer.py") + trainers["TDMClusterTrainer"] = os.path.join(trainer_abs, + "tdm_cluster_trainer.py") + trainers["OnlineLearningTrainer"] = os.path.join( + trainer_abs, "online_learning_trainer.py") # Definition of procedure execution process trainers["CtrCodingTrainer"] = os.path.join(trainer_abs, "ctr_coding_trainer.py") diff --git a/core/trainer.py b/core/trainer.py index 8b1afd449a70265d5bcae9996d42795a1235197a..bbba6250529283d24389e2719b7110f8aa321973 100755 --- a/core/trainer.py +++ b/core/trainer.py @@ -107,6 +107,7 @@ class Trainer(object): self.device = Device.GPU gpu_id = int(os.environ.get('FLAGS_selected_gpus', 0)) self._place = fluid.CUDAPlace(gpu_id) + print("PaddleRec run on device GPU: {}".format(gpu_id)) self._exe = fluid.Executor(self._place) elif device == "CPU": self.device = Device.CPU @@ -146,6 +147,7 @@ class Trainer(object): elif engine.upper() == "CLUSTER": self.engine = EngineMode.CLUSTER self.is_fleet = True + self.which_cluster_type() else: raise ValueError("Not Support Engine {}".format(engine)) self._context["is_fleet"] = self.is_fleet @@ -165,6 +167,14 @@ class Trainer(object): self._context["is_pslib"] = (fleet_mode.upper() == "PSLIB") self._context["fleet_mode"] = fleet_mode + def which_cluster_type(self): + cluster_type = os.getenv("PADDLEREC_CLUSTER_TYPE", "MPI") + print("PADDLEREC_CLUSTER_TYPE: {}".format(cluster_type)) + if cluster_type and cluster_type.upper() == "K8S": + self._context["cluster_type"] = "K8S" + else: + self._context["cluster_type"] = "MPI" + def which_executor_mode(self): executor_mode = envs.get_runtime_environ("train.trainer.executor_mode") if executor_mode.upper() not in ["TRAIN", "INFER"]: diff --git a/core/trainers/finetuning_trainer.py b/core/trainers/finetuning_trainer.py new file mode 100644 index 0000000000000000000000000000000000000000..4525a18867ff232121256c876c185c502427c130 --- /dev/null +++ b/core/trainers/finetuning_trainer.py @@ -0,0 +1,140 @@ +# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +""" +General Trainer, applicable to many situations: Single/Cluster/Local_Cluster + PS/COLLECTIVE +""" +from __future__ import print_function + +import os + +from paddlerec.core.utils import envs +from paddlerec.core.trainer import Trainer, EngineMode, FleetMode + + +class FineTuningTrainer(Trainer): + """ + Trainer for various situations + """ + + def __init__(self, config=None): + Trainer.__init__(self, config) + self.processor_register() + self.abs_dir = os.path.dirname(os.path.abspath(__file__)) + self.runner_env_name = "runner." + self._context["runner_name"] + + def processor_register(self): + print("processor_register begin") + self.regist_context_processor('uninit', self.instance) + self.regist_context_processor('network_pass', self.network) + self.regist_context_processor('startup_pass', self.startup) + self.regist_context_processor('train_pass', self.runner) + self.regist_context_processor('terminal_pass', self.terminal) + + def instance(self, context): + instance_class_path = envs.get_global_env( + self.runner_env_name + ".instance_class_path", default_value=None) + if instance_class_path: + instance_class = envs.lazy_instance_by_fliename( + instance_class_path, "Instance")(context) + else: + if self.engine == EngineMode.SINGLE: + instance_class_name = "SingleInstance" + else: + raise ValueError( + "FineTuningTrainer can only support SingleTraining.") + + instance_path = os.path.join(self.abs_dir, "framework", + "instance.py") + + instance_class = envs.lazy_instance_by_fliename( + instance_path, instance_class_name)(context) + + instance_class.instance(context) + + def network(self, context): + network_class_path = envs.get_global_env( + self.runner_env_name + ".network_class_path", default_value=None) + if network_class_path: + network_class = envs.lazy_instance_by_fliename(network_class_path, + "Network")(context) + else: + if self.engine == EngineMode.SINGLE: + network_class_name = "FineTuningNetwork" + else: + raise ValueError( + "FineTuningTrainer can only support SingleTraining.") + + network_path = os.path.join(self.abs_dir, "framework", + "network.py") + network_class = envs.lazy_instance_by_fliename( + network_path, network_class_name)(context) + + network_class.build_network(context) + + def startup(self, context): + startup_class_path = envs.get_global_env( + self.runner_env_name + ".startup_class_path", default_value=None) + if startup_class_path: + startup_class = envs.lazy_instance_by_fliename(startup_class_path, + "Startup")(context) + else: + if self.engine == EngineMode.SINGLE and not context["is_infer"]: + startup_class_name = "FineTuningStartup" + else: + raise ValueError( + "FineTuningTrainer can only support SingleTraining.") + + startup_path = os.path.join(self.abs_dir, "framework", + "startup.py") + + startup_class = envs.lazy_instance_by_fliename( + startup_path, startup_class_name)(context) + startup_class.startup(context) + + def runner(self, context): + runner_class_path = envs.get_global_env( + self.runner_env_name + ".runner_class_path", default_value=None) + if runner_class_path: + runner_class = envs.lazy_instance_by_fliename(runner_class_path, + "Runner")(context) + else: + if self.engine == EngineMode.SINGLE and not context["is_infer"]: + runner_class_name = "SingleRunner" + else: + raise ValueError( + "FineTuningTrainer can only support SingleTraining.") + + runner_path = os.path.join(self.abs_dir, "framework", "runner.py") + runner_class = envs.lazy_instance_by_fliename( + runner_path, runner_class_name)(context) + runner_class.run(context) + + def terminal(self, context): + terminal_class_path = envs.get_global_env( + self.runner_env_name + ".terminal_class_path", default_value=None) + if terminal_class_path: + terminal_class = envs.lazy_instance_by_fliename( + terminal_class_path, "Terminal")(context) + terminal_class.terminal(context) + else: + terminal_class_name = "TerminalBase" + if self.engine != EngineMode.SINGLE and self.fleet_mode != FleetMode.COLLECTIVE: + terminal_class_name = "PSTerminal" + + terminal_path = os.path.join(self.abs_dir, "framework", + "terminal.py") + terminal_class = envs.lazy_instance_by_fliename( + terminal_path, terminal_class_name)(context) + terminal_class.terminal(context) + context['is_exit'] = True diff --git a/core/trainers/framework/dataset.py b/core/trainers/framework/dataset.py index 8059eeb09a482671b8329fb88f5b52cfd64f163b..239b568be34793c5ddb0830e9cca06951da143f4 100644 --- a/core/trainers/framework/dataset.py +++ b/core/trainers/framework/dataset.py @@ -21,7 +21,7 @@ from paddlerec.core.utils import envs from paddlerec.core.utils import dataloader_instance from paddlerec.core.reader import SlotReader from paddlerec.core.trainer import EngineMode -from paddlerec.core.utils.util import split_files +from paddlerec.core.utils.util import split_files, check_filelist __all__ = ["DatasetBase", "DataLoader", "QueueDataset"] @@ -68,6 +68,8 @@ class DataLoader(DatasetBase): reader_ins = SlotReader(context["config_yaml"]) if hasattr(reader_ins, 'generate_batch_from_trainfiles'): dataloader.set_sample_list_generator(reader) + elif hasattr(reader_ins, 'batch_tensor_creator'): + dataloader.set_batch_generator(reader) else: dataloader.set_sample_generator(reader, batch_size) return dataloader @@ -119,14 +121,30 @@ class QueueDataset(DatasetBase): dataset.set_pipe_command(pipe_cmd) train_data_path = envs.get_global_env(name + "data_path") - file_list = [ - os.path.join(train_data_path, x) - for x in os.listdir(train_data_path) - ] + hidden_file_list, file_list = check_filelist( + hidden_file_list=[], + data_file_list=[], + train_data_path=train_data_path) + if (hidden_file_list is not None): + print( + "Warning:please make sure there are no hidden files in the dataset folder and check these hidden files:{}". + format(hidden_file_list)) + + file_list.sort() + need_split_files = False if context["engine"] == EngineMode.LOCAL_CLUSTER: + # for local cluster: split files for multi process + need_split_files = True + elif context["engine"] == EngineMode.CLUSTER and context[ + "cluster_type"] == "K8S": + # for k8s mount afs, split files for every node + need_split_files = True + + if need_split_files: file_list = split_files(file_list, context["fleet"].worker_index(), context["fleet"].worker_num()) print("File_list: {}".format(file_list)) + dataset.set_filelist(file_list) for model_dict in context["phases"]: if model_dict["dataset_name"] == dataset_name: diff --git a/core/trainers/framework/network.py b/core/trainers/framework/network.py index d2a6b71e4f74a639095eb404a82c9c1fefaf7fdf..7d7a8273b6a402bd163f653a7beb3900de899ae3 100644 --- a/core/trainers/framework/network.py +++ b/core/trainers/framework/network.py @@ -23,7 +23,7 @@ from paddlerec.core.trainers.framework.dataset import DataLoader, QueueDataset __all__ = [ "NetworkBase", "SingleNetwork", "PSNetwork", "PslibNetwork", - "CollectiveNetwork" + "CollectiveNetwork", "FineTuningNetwork" ] @@ -109,6 +109,88 @@ class SingleNetwork(NetworkBase): context["status"] = "startup_pass" +class FineTuningNetwork(NetworkBase): + """R + """ + + def __init__(self, context): + print("Running FineTuningNetwork.") + + def build_network(self, context): + context["model"] = {} + for model_dict in context["phases"]: + context["model"][model_dict["name"]] = {} + train_program = fluid.Program() + startup_program = fluid.Program() + scope = fluid.Scope() + dataset_name = model_dict["dataset_name"] + + with fluid.program_guard(train_program, startup_program): + with fluid.unique_name.guard(): + with fluid.scope_guard(scope): + model_path = envs.os_path_adapter( + envs.workspace_adapter(model_dict["model"])) + model = envs.lazy_instance_by_fliename( + model_path, "Model")(context["env"]) + + model._data_var = model.input_data( + dataset_name=model_dict["dataset_name"]) + + if envs.get_global_env("dataset." + dataset_name + + ".type") == "DataLoader": + model._init_dataloader( + is_infer=context["is_infer"]) + data_loader = DataLoader(context) + data_loader.get_dataloader(context, dataset_name, + model._data_loader) + + model.net(model._data_var, context["is_infer"]) + + finetuning_varnames = envs.get_global_env( + "runner." + context["runner_name"] + + ".finetuning_aspect_varnames", + default_value=[]) + + if len(finetuning_varnames) == 0: + raise ValueError( + "nothing need to be fine tuning, you may use other traning mode" + ) + + if len(finetuning_varnames) != 1: + raise ValueError( + "fine tuning mode can only accept one varname now" + ) + + varname = finetuning_varnames[0] + finetuning_vars = train_program.global_block().vars[ + varname] + finetuning_vars.stop_gradient = True + optimizer = model.optimizer() + optimizer.minimize(model._cost) + + context["model"][model_dict["name"]][ + "main_program"] = train_program + context["model"][model_dict["name"]][ + "startup_program"] = startup_program + context["model"][model_dict["name"]]["scope"] = scope + context["model"][model_dict["name"]]["model"] = model + context["model"][model_dict["name"]][ + "default_main_program"] = train_program.clone() + context["model"][model_dict["name"]]["compiled_program"] = None + + context["dataset"] = {} + for dataset in context["env"]["dataset"]: + type = envs.get_global_env("dataset." + dataset["name"] + ".type") + + if type == "QueueDataset": + dataset_class = QueueDataset(context) + context["dataset"][dataset[ + "name"]] = dataset_class.create_dataset(dataset["name"], + context) + + context["status"] = "startup_pass" + + class PSNetwork(NetworkBase): def __init__(self, context): print("Running PSNetwork.") diff --git a/core/trainers/framework/runner.py b/core/trainers/framework/runner.py index 761c6a748d9875f12ff48fb68da4822690fe8790..b7c67cd1d4f1b8702b1554e042114fb5e413b824 100644 --- a/core/trainers/framework/runner.py +++ b/core/trainers/framework/runner.py @@ -16,6 +16,7 @@ from __future__ import print_function import os import time +import warnings import numpy as np import logging import paddle.fluid as fluid @@ -301,6 +302,7 @@ class RunnerBase(object): return (epoch_id + 1) % epoch_interval == 0 def save_inference_model(): + # get global env name = "runner." + context["runner_name"] + "." save_interval = int( envs.get_global_env(name + "save_inference_interval", -1)) @@ -313,18 +315,44 @@ class RunnerBase(object): if feed_varnames is None or fetch_varnames is None or feed_varnames == "" or fetch_varnames == "" or \ len(feed_varnames) == 0 or len(fetch_varnames) == 0: return - fetch_vars = [ - fluid.default_main_program().global_block().vars[varname] - for varname in fetch_varnames - ] + + # check feed var exist + for var_name in feed_varnames: + if var_name not in fluid.default_main_program().global_block( + ).vars: + raise ValueError( + "Feed variable: {} not in default_main_program, global block has follow vars: {}". + format(var_name, + fluid.default_main_program().global_block() + .vars.keys())) + + # check fetch var exist + fetch_vars = [] + for var_name in fetch_varnames: + if var_name not in fluid.default_main_program().global_block( + ).vars: + raise ValueError( + "Fetch variable: {} not in default_main_program, global block has follow vars: {}". + format(var_name, + fluid.default_main_program().global_block() + .vars.keys())) + else: + fetch_vars.append(fluid.default_main_program() + .global_block().vars[var_name]) + dirname = envs.get_global_env(name + "save_inference_path", None) assert dirname is not None dirname = os.path.join(dirname, str(epoch_id)) if is_fleet: - context["fleet"].save_inference_model( - context["exe"], dirname, feed_varnames, fetch_vars) + warnings.warn( + "Save inference model in cluster training is not recommended! Using save checkpoint instead.", + category=UserWarning, + stacklevel=2) + if context["fleet"].worker_index() == 0: + context["fleet"].save_inference_model( + context["exe"], dirname, feed_varnames, fetch_vars) else: fluid.io.save_inference_model(dirname, feed_varnames, fetch_vars, context["exe"]) @@ -340,7 +368,8 @@ class RunnerBase(object): return dirname = os.path.join(dirname, str(epoch_id)) if is_fleet: - context["fleet"].save_persistables(context["exe"], dirname) + if context["fleet"].worker_index() == 0: + context["fleet"].save_persistables(context["exe"], dirname) else: fluid.io.save_persistables(context["exe"], dirname) diff --git a/core/trainers/framework/startup.py b/core/trainers/framework/startup.py index 362592e6de64a4bbfecb6868726b4a733edf4e14..a38dbd5bb3c2cea268fc5551e10e488f2fbdabd6 100644 --- a/core/trainers/framework/startup.py +++ b/core/trainers/framework/startup.py @@ -17,9 +17,13 @@ from __future__ import print_function import warnings import paddle.fluid as fluid +import paddle.fluid.core as core from paddlerec.core.utils import envs -__all__ = ["StartupBase", "SingleStartup", "PSStartup", "CollectiveStartup"] +__all__ = [ + "StartupBase", "SingleStartup", "PSStartup", "CollectiveStartup", + "FineTuningStartup" +] class StartupBase(object): @@ -65,6 +69,122 @@ class SingleStartup(StartupBase): context["status"] = "train_pass" +class FineTuningStartup(StartupBase): + """R + """ + + def __init__(self, context): + self.op_name_scope = "op_namescope" + self.clip_op_name_scope = "@CLIP" + self.self.op_role_var_attr_name = core.op_proto_and_checker_maker.kOpRoleVarAttrName( + ) + + print("Running SingleStartup.") + + def _is_opt_role_op(self, op): + # NOTE: depend on oprole to find out whether this op is for + # optimize + op_maker = core.op_proto_and_checker_maker + optimize_role = core.op_proto_and_checker_maker.OpRole.Optimize + if op_maker.kOpRoleAttrName() in op.attr_names and \ + int(op.all_attrs()[op_maker.kOpRoleAttrName()]) == int(optimize_role): + return True + return False + + def _get_params_grads(self, program): + """ + Get optimizer operators, parameters and gradients from origin_program + Returns: + opt_ops (list): optimize operators. + params_grads (dict): parameter->gradient. + """ + block = program.global_block() + params_grads = [] + # tmp set to dedup + optimize_params = set() + origin_var_dict = program.global_block().vars + for op in block.ops: + if self._is_opt_role_op(op): + # Todo(chengmo): Whether clip related op belongs to Optimize guard should be discussed + # delete clip op from opt_ops when run in Parameter Server mode + if self.op_name_scope in op.all_attrs( + ) and self.clip_op_name_scope in op.attr(self.op_name_scope): + op._set_attr( + "op_role", + int(core.op_proto_and_checker_maker.OpRole.Backward)) + continue + + if op.attr(self.op_role_var_attr_name): + param_name = op.attr(self.op_role_var_attr_name)[0] + grad_name = op.attr(self.op_role_var_attr_name)[1] + if not param_name in optimize_params: + optimize_params.add(param_name) + params_grads.append([ + origin_var_dict[param_name], + origin_var_dict[grad_name] + ]) + return params_grads + + @staticmethod + def is_persistable(var): + """ + Check whether the given variable is persistable. + + Args: + var(Variable): The variable to be checked. + + Returns: + bool: True if the given `var` is persistable + False if not. + + Examples: + .. code-block:: python + + import paddle.fluid as fluid + param = fluid.default_main_program().global_block().var('fc.b') + res = fluid.io.is_persistable(param) + """ + if var.desc.type() == core.VarDesc.VarType.FEED_MINIBATCH or \ + var.desc.type() == core.VarDesc.VarType.FETCH_LIST or \ + var.desc.type() == core.VarDesc.VarType.READER: + return False + return var.persistable + + def load(self, context, is_fleet=False, main_program=None): + dirname = envs.get_global_env( + "runner." + context["runner_name"] + ".init_model_path", None) + if dirname is None or dirname == "": + return + print("going to load ", dirname) + + params_grads = self._get_params_grads(main_program) + update_params = [p for p, _ in params_grads] + need_load_vars = [] + parameters = list( + filter(FineTuningStartup.is_persistable, main_program.list_vars())) + + for param in parameters: + if param not in update_params: + need_load_vars.append(param) + + fluid.io.load_vars(context["exe"], dirname, main_program, + need_load_vars) + print("load from {} success".format(dirname)) + + def startup(self, context): + for model_dict in context["phases"]: + with fluid.scope_guard(context["model"][model_dict["name"]][ + "scope"]): + train_prog = context["model"][model_dict["name"]][ + "main_program"] + startup_prog = context["model"][model_dict["name"]][ + "startup_program"] + with fluid.program_guard(train_prog, startup_prog): + context["exe"].run(startup_prog) + self.load(context, main_program=train_prog) + context["status"] = "train_pass" + + class PSStartup(StartupBase): def __init__(self, context): print("Running PSStartup.") diff --git a/core/utils/dataloader_instance.py b/core/utils/dataloader_instance.py index 2461473aa79a51133db8aa319f4ee7d45981d815..03e6f0a67884917e9af2d02d13eb86576620ceef 100755 --- a/core/utils/dataloader_instance.py +++ b/core/utils/dataloader_instance.py @@ -19,7 +19,7 @@ from paddlerec.core.utils.envs import get_global_env from paddlerec.core.utils.envs import get_runtime_environ from paddlerec.core.reader import SlotReader from paddlerec.core.trainer import EngineMode -from paddlerec.core.utils.util import split_files +from paddlerec.core.utils.util import split_files, check_filelist def dataloader_by_name(readerclass, @@ -38,11 +38,27 @@ def dataloader_by_name(readerclass, assert package_base is not None data_path = os.path.join(package_base, data_path.split("::")[1]) - files = [str(data_path) + "/%s" % x for x in os.listdir(data_path)] + hidden_file_list, files = check_filelist( + hidden_file_list=[], data_file_list=[], train_data_path=data_path) + if (hidden_file_list is not None): + print( + "Warning:please make sure there are no hidden files in the dataset folder and check these hidden files:{}". + format(hidden_file_list)) + + files.sort() + + need_split_files = False if context["engine"] == EngineMode.LOCAL_CLUSTER: + # for local cluster: split files for multi process + need_split_files = True + elif context["engine"] == EngineMode.CLUSTER and context[ + "cluster_type"] == "K8S": + # for k8s mount mode, split files for every node + need_split_files = True + print("need_split_files: {}".format(need_split_files)) + if need_split_files: files = split_files(files, context["fleet"].worker_index(), context["fleet"].worker_num()) - print("file_list : {}".format(files)) reader = reader_class(yaml_file) reader.init() @@ -67,6 +83,10 @@ def dataloader_by_name(readerclass, if hasattr(reader, 'generate_batch_from_trainfiles'): return gen_batch_reader() + + if hasattr(reader, "batch_tensor_creator"): + return reader.batch_tensor_creator(gen_reader) + return gen_reader @@ -80,11 +100,27 @@ def slotdataloader_by_name(readerclass, dataset_name, yaml_file, context): assert package_base is not None data_path = os.path.join(package_base, data_path.split("::")[1]) - files = [str(data_path) + "/%s" % x for x in os.listdir(data_path)] + hidden_file_list, files = check_filelist( + hidden_file_list=[], data_file_list=[], train_data_path=data_path) + if (hidden_file_list is not None): + print( + "Warning:please make sure there are no hidden files in the dataset folder and check these hidden files:{}". + format(hidden_file_list)) + + files.sort() + + need_split_files = False if context["engine"] == EngineMode.LOCAL_CLUSTER: + # for local cluster: split files for multi process + need_split_files = True + elif context["engine"] == EngineMode.CLUSTER and context[ + "cluster_type"] == "K8S": + # for k8s mount mode, split files for every node + need_split_files = True + + if need_split_files: files = split_files(files, context["fleet"].worker_index(), context["fleet"].worker_num()) - print("file_list: {}".format(files)) sparse = get_global_env(name + "sparse_slots", "#") if sparse == "": @@ -134,11 +170,27 @@ def slotdataloader(readerclass, train, yaml_file, context): assert package_base is not None data_path = os.path.join(package_base, data_path.split("::")[1]) - files = [str(data_path) + "/%s" % x for x in os.listdir(data_path)] + hidden_file_list, files = check_filelist( + hidden_file_list=[], data_file_list=[], train_data_path=data_path) + if (hidden_file_list is not None): + print( + "Warning:please make sure there are no hidden files in the dataset folder and check these hidden files:{}". + format(hidden_file_list)) + + files.sort() + + need_split_files = False if context["engine"] == EngineMode.LOCAL_CLUSTER: + # for local cluster: split files for multi process + need_split_files = True + elif context["engine"] == EngineMode.CLUSTER and context[ + "cluster_type"] == "K8S": + # for k8s mount mode, split files for every node + need_split_files = True + + if need_split_files: files = split_files(files, context["fleet"].worker_index(), context["fleet"].worker_num()) - print("file_list: {}".format(files)) sparse = get_global_env("sparse_slots", "#", namespace) if sparse == "": diff --git a/core/utils/util.py b/core/utils/util.py index 4eba912cafda6619ba37c3f8bc170d7d41ea40c4..f6acfe203612326a77f41326581583278dac4183 100755 --- a/core/utils/util.py +++ b/core/utils/util.py @@ -201,6 +201,28 @@ def split_files(files, trainer_id, trainers): return trainer_files[trainer_id] +def check_filelist(hidden_file_list, data_file_list, train_data_path): + for root, dirs, files in os.walk(train_data_path): + if (files == None and dirs == None): + return None, None + else: + # use files and dirs + for file_name in files: + file_path = os.path.join(train_data_path, file_name) + if file_name[0] == '.': + hidden_file_list.append(file_path) + else: + data_file_list.append(file_path) + for dirs_name in dirs: + dirs_path = os.path.join(train_data_path, dirs_name) + if dirs_name[0] == '.': + hidden_file_list.append(dirs_path) + else: + #train_data_path = os.path.join(train_data_path, dirs_name) + check_filelist(hidden_file_list, data_file_list, dirs_path) + return hidden_file_list, data_file_list + + class CostPrinter(object): """ For count cost time && print cost log diff --git a/doc/imgs/match-pyramid.png b/doc/imgs/match-pyramid.png new file mode 100644 index 0000000000000000000000000000000000000000..8692150752a669a8ece98f864e8c58b32b8c4a79 Binary files /dev/null and b/doc/imgs/match-pyramid.png differ diff --git a/doc/imgs/w2v_train.png b/doc/imgs/w2v_train.png new file mode 100644 index 0000000000000000000000000000000000000000..b32aa14327003e138ec7ccbf035866c4bf73edf7 Binary files /dev/null and b/doc/imgs/w2v_train.png differ diff --git a/doc/pre_train_model.md b/doc/pre_train_model.md new file mode 100644 index 0000000000000000000000000000000000000000..134710a430992cc756cd37fcc1e01ee3aef2dfb1 --- /dev/null +++ b/doc/pre_train_model.md @@ -0,0 +1,15 @@ +# PaddleRec 预训练模型 + +PaddleRec基于业务实践,使用真实数据,产出了推荐领域算法的若干预训练模型,方便开发者进行算法调研。 + +## 文本分类预训练模型 + +### 获取地址 + +```bash +wget xxx.tar.gz +``` + +### 使用方法 + +解压后,得到的是一个paddle的模型文件夹,使用`PaddleRec/models/contentunderstanding/classification_finetue`模型进行加载 diff --git a/models/contentunderstanding/classification/config.yaml b/models/contentunderstanding/classification/config.yaml index 0b76646d3ee2ecbcbb5a93d34726679e1761b4c6..70a439afbf1348621f64a810e61b4c504ad91012 100644 --- a/models/contentunderstanding/classification/config.yaml +++ b/models/contentunderstanding/classification/config.yaml @@ -16,9 +16,14 @@ workspace: "models/contentunderstanding/classification" dataset: - name: data1 - batch_size: 5 + batch_size: 10 type: DataLoader - data_path: "{workspace}/data/train_data" + data_path: "{workspace}/data/train" + data_converter: "{workspace}/reader.py" +- name: dataset_infer + batch_size: 2 + type: DataLoader + data_path: "{workspace}/data/test" data_converter: "{workspace}/reader.py" hyper_parameters: @@ -26,23 +31,47 @@ hyper_parameters: class: Adagrad learning_rate: 0.001 is_sparse: False + dict_dim: 33257 + max_len: 100 + cnn_dim: 128 + cnn_filter_size1: 1 + cnn_filter_size2: 2 + cnn_filter_size3: 3 + emb_dim: 128 + hid_dim: 96 + class_dim: 2 -mode: runner1 +mode: [train_runner,infer_runner] runner: -- name: runner1 +- name: train_runner class: train - epochs: 10 + epochs: 16 device: cpu - save_checkpoint_interval: 2 - save_inference_interval: 4 + save_checkpoint_interval: 1 + save_inference_interval: 1 save_checkpoint_path: "increment" save_inference_path: "inference" save_inference_feed_varnames: [] save_inference_fetch_varnames: [] + init_model_path: "" + print_interval: 10 + phases: phase_train +- name: infer_runner + class: infer + # device to run training or infer + device: cpu + print_interval: 1 + init_model_path: "increment/14" # load model path + phases: phase_infer + phase: -- name: phase1 +- name: phase_train model: "{workspace}/model.py" dataset_name: data1 thread_num: 1 +- name: phase_infer + model: "{workspace}/model.py" # user-defined model + dataset_name: dataset_infer # select dataset by name + thread_num: 1 diff --git a/models/contentunderstanding/classification/data/preprocess.py b/models/contentunderstanding/classification/data/preprocess.py new file mode 100644 index 0000000000000000000000000000000000000000..4d59038c41d9b81c03822cad1b0d51b3627d74f3 --- /dev/null +++ b/models/contentunderstanding/classification/data/preprocess.py @@ -0,0 +1,65 @@ +# encoding=utf-8 +import os +import sys + + +def build_word_dict(): + word_file = "word_dict.txt" + f = open(word_file, "r") + lines = f.readlines() + word_list_ids = range(1, len(lines) + 1) + word_dict = dict(zip([word.strip() for word in lines], word_list_ids)) + f.close() + return word_dict + + +def build_token_data(word_dict, txt_file, token_file): + max_text_size = 100 + + f = open(txt_file, "r") + fout = open(token_file, "w") + lines = f.readlines() + i = 0 + + for line in lines: + line = line.strip("\n").split("\t") + text = line[0].strip("\n").split(" ") + tokens = [] + label = line[1] + for word in text: + if word in word_dict: + tokens.append(str(word_dict[word])) + else: + tokens.append("0") + + seg_len = len(tokens) + if seg_len < 5: + continue + if seg_len >= max_text_size: + tokens = tokens[:max_text_size] + seg_len = max_text_size + else: + tokens = tokens + ["0"] * (max_text_size - seg_len) + text_tokens = " ".join(tokens) + fout.write(text_tokens + " " + str(seg_len) + " " + label + "\n") + if (i + 1) % 100 == 0: + print(str(i + 1) + " lines OK") + i += 1 + + fout.close() + f.close() + + +word_dict = build_word_dict() + +txt_file = "test.tsv" +token_file = "test.txt" +build_token_data(word_dict, txt_file, token_file) + +txt_file = "dev.tsv" +token_file = "dev.txt" +build_token_data(word_dict, txt_file, token_file) + +txt_file = "train.tsv" +token_file = "train.txt" +build_token_data(word_dict, txt_file, token_file) diff --git a/models/contentunderstanding/classification/data/test/test.txt b/models/contentunderstanding/classification/data/test/test.txt new file mode 100644 index 0000000000000000000000000000000000000000..d5dd69e3f35c29bb02f070be16a0af02ecfeae89 --- /dev/null +++ b/models/contentunderstanding/classification/data/test/test.txt @@ -0,0 +1,20 @@ +5681 17044 4352 7574 16576 3574 32952 12211 18835 28961 15320 2019 21675 30604 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 14 1 +9054 31881 4449 12211 12488 5975 3574 28592 2547 2547 14132 3574 24908 5975 24285 10010 3574 31872 20925 9886 12211 26530 3567 30818 19640 22506 28312 19887 12211 28212 8576 3574 28592 12306 14132 539 33049 9039 14160 113 3567 19675 5511 2111 623 12068 12211 3574 18416 12068 19680 12211 30781 21946 1525 9886 3574 28109 31201 3567 25710 30503 30781 12068 19887 12211 22052 3574 2050 5402 10217 31201 1525 9698 14160 19887 3574 26209 24908 539 33049 9039 32949 8890 29693 3566 3566 11053 30781 26853 3567 3567 0 0 0 0 0 0 0 0 92 0 +19640 32771 31526 16576 13354 3574 5087 30781 7902 19037 12211 0 3574 4756 15048 11063 0 15019 16576 2019 29812 2276 22804 13275 2019 24599 12211 30294 6983 26606 1467 3574 18448 8052 16576 23091 32440 11034 16576 3574 1470 6983 1346 31382 13354 3574 11711 10074 28587 5030 19058 16576 2019 16497 6890 12223 30035 6983 1112 18448 30837 11280 24599 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 64 0 +7513 19838 3562 32737 15474 3562 1887 15474 0 0 18835 19813 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 12 1 +30325 3574 30788 12211 25843 11533 30150 8937 11309 8690 12211 14166 2200 3574 15802 0 20424 14166 25336 113 16576 11533 24294 12211 26301 16576 3574 28592 16191 12211 8690 13743 0 517 12211 0 0 23958 3574 31019 19680 13841 15337 12211 23958 30781 28630 3574 8690 12700 11280 12211 23958 24908 20409 7481 8052 6094 4002 30245 3574 1526 9904 27032 31347 24006 12211 14166 0 9910 24908 12211 0 2019 25469 17293 27438 29774 13757 24908 22301 28505 25450 12211 14039 3574 28801 4621 4879 3574 623 9904 23958 14166 18417 4895 113 11114 2018 113 100 1 +113 16576 17947 28955 12211 24253 3574 22068 30167 12211 14039 30818 28640 7801 2019 7985 30167 5402 6805 0 12211 27645 33067 30151 3574 11110 12211 10710 4549 22708 4308 24908 25975 12211 26957 0 2019 17942 25575 227 19641 1525 13129 113 15492 23224 3574 21163 15565 23273 29004 12452 13233 27573 12211 12046 2019 302 19367 16576 27914 0 0 113 12211 28035 0 13743 13330 24390 12466 1525 12537 3574 18131 2019 9315 25720 27416 2276 15038 18162 10024 28955 3574 10097 18162 26594 12211 21949 3574 30788 12133 26362 1779 27386 21017 14295 1525 454 100 1 +33022 4169 19038 25096 3574 19185 113 25010 0 0 10511 17460 28972 6574 3574 1409 0 10010 3574 33022 129 16186 10511 17460 15182 3574 20235 10511 17460 11226 27150 13166 3562 18835 19038 5391 3574 22195 8052 28892 31948 10960 3574 13367 29338 15048 11030 22185 18621 28776 5205 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 52 0 +23439 330 0 0 29655 12211 3574 4211 3574 19650 19640 13757 3562 0 0 8990 330 0 0 18920 12211 31924 6688 31857 15364 3574 19641 30781 18416 28952 9209 12211 118 10710 16912 3562 0 0 27771 330 0 0 10126 30325 3574 15374 4348 0 6356 28420 24193 29526 12211 10523 21872 3571 24383 1580 3574 17536 1525 14745 21674 10710 4952 14871 3574 14590 20306 7695 0 32718 3562 0 0 13260 330 0 0 5847 30325 3574 25951 26995 21163 22787 15535 20889 3574 27914 5391 130 2276 15243 6356 0 16576 3562 0 0 100 1 +24908 32568 24044 28952 16576 27914 28955 3574 14160 13543 16582 5536 2019 11711 3527 19675 12211 15474 3574 0 14160 31857 30927 2019 18416 9231 12486 12211 20374 3574 1111 30173 19058 3574 31857 31825 3574 30170 15501 21070 2019 31383 19640 5004 3574 31858 12211 6408 2733 8034 24870 12730 12211 16401 2019 18416 19640 9072 18416 12211 2313 12211 20374 3574 18416 2313 25575 19315 31383 20374 20161 24160 3574 11711 3527 3574 31383 20374 31857 28378 2019 1296 5402 23273 16576 2019 16497 28952 2019 9512 15038 5536 3574 11711 10486 15168 19641 21994 0 2019 100 1 +0 7902 5402 29107 16576 15535 15535 15535 0 19634 21017 12211 26505 14160 15129 0 15535 15535 15535 26211 4002 9749 23360 16576 15535 15535 15535 26040 15535 15535 15535 15535 11698 32986 19641 0 22421 15535 15535 15535 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 40 0 +28955 17755 3574 1735 18232 19262 12992 12230 3574 18416 30781 7388 19680 19643 16576 12211 3574 28952 9209 3574 16572 22360 2019 19680 19643 6414 12211 2011 27666 2012 3574 13757 32205 3574 14754 11280 12211 22186 7628 1827 17413 3574 19641 30781 31383 12211 4853 2019 33140 113 6047 6414 3310 31383 3574 4654 22360 6580 26147 12211 18696 2019 12306 6414 20539 3574 12680 22360 18624 8051 29384 1146 2019 18046 33188 16582 29384 12211 17311 13222 3574 18416 7453 28961 8014 3574 11711 18416 28961 17658 3574 29384 30781 19893 19643 15073 12211 32171 12211 2019 100 0 +28955 12211 30964 14590 28961 4412 29183 29493 6393 17111 29183 11670 12211 19636 23233 28961 4412 29183 25469 1112 16603 14590 16720 28961 9749 32365 23958 12211 33245 1525 11271 29183 29607 4694 8052 12068 32247 26813 29183 12229 6856 3674 330 30326 972 32948 29183 18416 28961 20161 1120 19641 30054 28955 330 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 55 0 +28587 26594 16393 14439 20100 8452 12211 11738 3574 20288 2276 2770 9051 29266 3574 27097 12211 0 14648 7902 5827 4308 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 22 1 +19083 3561 20034 30173 8356 3574 18416 18016 6154 13757 30827 23410 4879 5213 3566 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 15 1 +28587 14745 2018 1580 3574 19636 9052 14160 19683 16576 0 0 6007 5361 26370 5391 785 3574 0 17010 28587 27857 19048 20558 9051 3574 6007 0 0 22897 18323 1447 2019 0 0 32391 17536 24961 19048 9749 18448 3574 24283 6356 7648 26789 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 47 0 +24908 18920 1400 665 16167 12211 17293 3574 13518 28952 8393 23504 3574 31266 12211 30781 4477 2019 4654 18896 4289 13841 4822 3574 24908 27376 15243 18416 8052 20077 17493 17317 3574 14842 16949 3574 12081 28961 2276 0 14399 20158 14398 16335 12211 3699 7697 6318 69 2019 11924 8053 27376 12211 14039 3574 21210 23273 3574 1732 30818 17942 22561 3083 2019 17268 12700 28892 9108 16576 26203 19037 23872 3574 14988 31773 3574 33140 1725 24908 0 8053 8052 13841 3574 25944 0 2019 4032 5025 13841 19185 12211 14039 3574 665 0 12211 4822 6988 100 1 +29728 31619 6149 5402 113 7317 11738 3574 31482 11924 16576 17657 6541 9761 3574 31224 5402 21141 3574 6356 16191 19640 14451 26154 7192 16076 3567 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 27 0 +29302 11364 19059 13652 12211 3574 7898 30781 6356 7961 14954 21752 7340 2019 29302 11401 8328 3574 20384 20034 1460 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 21 0 +4592 12211 31382 11030 3574 7961 6356 136 11714 31881 31478 3574 7957 11533 17413 3574 18835 14451 14550 11533 389 3574 14444 20444 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 24 1 +18416 24908 0 5233 22185 12211 29183 18956 30781 9668 8904 15168 18416 16108 29183 18416 29123 4351 28845 11709 11731 30486 21200 3574 4351 32986 8052 13757 11711 16497 25138 18448 3006 30326 20837 6356 16060 11231 13757 18448 11731 29173 3576 18835 27924 11711 11533 11225 3574 17386 15934 7288 0 26216 12211 1542 3574 24908 12511 18416 16060 11231 32842 18448 11731 29173 3574 18956 9668 31387 755 32986 18416 28972 18855 30781 18448 3006 30326 20837 30781 8052 13757 15048 18448 11731 29173 12211 3574 19640 18584 18416 32986 25710 18416 2276 29173 12211 22052 24908 100 0 diff --git a/models/contentunderstanding/classification/data/train/train.txt b/models/contentunderstanding/classification/data/train/train.txt new file mode 100644 index 0000000000000000000000000000000000000000..e0afee9764604a96731197ebe94a0247efcf0552 --- /dev/null +++ b/models/contentunderstanding/classification/data/train/train.txt @@ -0,0 +1,100 @@ +18416 31857 28378 25778 3574 16021 14449 16576 2019 33140 3574 5787 3574 19916 10505 12211 20017 23235 113 14681 24558 3574 20424 4895 11533 5901 28955 11533 15033 28955 12211 16603 32948 3574 11406 12211 30781 21299 12211 14871 2019 11698 12700 24160 14160 18448 25473 12211 16603 10671 23154 11280 28955 12211 24558 10006 3566 4247 18416 25336 22608 31382 16576 3574 8314 19916 13367 10367 12211 14039 20061 8475 3574 9951 9904 16586 28093 12211 14871 26235 21017 3574 19641 30781 21599 6811 8855 12211 8052 25825 3574 7628 21599 2721 11280 12211 8052 25825 2019 850 100 1 +23403 12211 19185 24908 3367 13526 14150 5402 32094 30560 4347 26961 16576 33148 5231 16576 3574 32901 7513 12795 19838 12211 33148 28938 14150 218 33148 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 27 1 +17925 30781 3079 4906 12211 32941 16576 29183 31514 30781 9683 12211 11101 330 19521 31670 29183 31719 30325 330 0 0 10038 7513 28961 19640 13757 330 0 0 18835 28587 3404 15492 1378 6536 12211 7272 29183 33140 12700 18381 21897 12211 755 2404 1378 31382 29183 0 0 7404 29183 30518 29183 10018 18189 2238 10505 16576 31382 28253 25663 6210 330 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 65 1 +31619 28955 32665 18448 16576 20205 12211 21872 23273 16576 2019 1272 25336 28030 13330 27519 1149 8011 12211 5536 3574 10710 31082 16582 23403 1525 4982 12211 8855 2019 1067 10362 22360 1409 22739 3574 18046 32698 8011 32665 23959 26050 13256 19080 2019 23273 8011 3574 6154 13233 3574 1112 16603 12700 19641 28109 12439 8011 3574 4694 19038 15369 16576 2019 11711 6988 12700 33137 8011 12211 13806 14006 28972 8452 3574 24073 1112 16603 5132 2877 88 1525 30788 24131 12211 17961 2019 22360 17174 22496 16582 8045 12211 27056 3574 1525 433 4895 1614 27401 100 1 +19037 17415 3574 31482 24908 33082 19922 12211 6798 8053 30781 118 3434 12211 6053 16576 2019 31619 22223 14132 5202 28961 15567 3574 18448 19080 28587 15492 11738 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 30 1 +18416 30781 16255 22185 12211 3574 30752 3574 9218 12211 30781 28541 12675 22540 11711 33022 17824 29723 23773 6356 16576 21440 17460 12211 14444 18401 3574 2404 31382 26954 31382 2019 15802 31562 12634 28584 12211 3574 19601 1525 3731 19838 3434 3574 6917 18416 28961 31562 3750 12211 5048 6400 28584 2019 31906 30781 18835 26370 11225 2018 25517 6400 16716 3610 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 65 1 +32197 19680 18743 15474 13128 5402 19893 18416 12115 28952 16576 28961 5511 30781 18416 10968 12211 11738 8331 6105 12211 8011 18416 623 24906 14160 14451 19680 16448 25566 18416 12115 12211 16576 20653 20653 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 36 0 +19185 10960 1346 16144 7574 29183 11711 3610 26219 29183 26281 14897 30818 20485 15474 6010 29183 6544 1467 29183 11711 6698 12211 30214 14897 13841 30781 10018 5354 12211 29183 17087 16364 5213 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 34 1 +19289 8452 3574 1470 19037 3574 4348 14599 14957 118 6789 29356 3574 29271 13783 11533 5903 3574 13932 28961 27924 2019 2885 13443 3574 2276 20051 19081 19640 19675 19838 3574 14898 20403 12211 27359 24908 8736 5391 13443 29888 3574 16868 14160 23249 5354 2019 6007 16576 5361 1525 11175 26234 24294 3574 26574 7317 14160 24882 2019 19048 18448 12211 2885 30781 32391 24215 31527 12211 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 70 1 +30033 23176 22185 22056 19185 3574 2216 1525 10023 370 31591 15759 3574 6988 14480 19641 29128 19185 3574 14988 3574 19185 24690 13872 32020 19638 3574 33140 3574 24908 11851 12211 10881 24535 113 29723 12211 25758 3571 19821 13354 23104 21674 12491 19185 2019 19185 12211 18835 27924 3574 26710 113 2181 3574 18416 11714 16576 15343 27801 23983 14444 12211 18835 3574 11755 11231 11030 3366 28039 18897 10681 12211 18835 3574 14160 13757 665 15143 3574 15896 3574 2882 17460 24130 12211 18835 24193 4895 28670 3574 6400 19433 2019 19185 12211 26281 28961 31857 15364 100 1 +6400 23653 330 11714 12211 13987 18401 330 18835 5391 16576 13354 330 21163 4352 5289 12211 330 28782 30781 14458 12211 29183 12677 5935 5087 28109 15474 29183 32062 11528 16603 31224 19080 5186 12211 330 10505 9142 10272 29183 24193 16586 7105 28961 30325 12211 330 24908 580 12211 10 2412 29183 19640 19838 12211 330 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 58 1 +5361 8053 7353 18448 3544 3574 113 11991 5004 4879 10006 3566 3191 113 31924 8707 12211 30096 12211 26041 24870 8035 31924 3574 6007 16576 1732 6141 8052 20273 3574 13354 18410 13841 14451 16062 2019 5847 31525 20815 18416 16546 0 0 16020 10074 26968 3574 20815 18416 12211 14798 21113 29276 31382 12211 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 56 0 +2213 26361 30299 3830 29732 31331 23773 3574 14274 21516 23443 12211 27097 19048 27801 11175 12211 3574 28587 5361 24294 12211 19048 3574 29123 30084 15934 4348 7648 8053 3574 13841 7648 8053 6141 8052 20273 3867 3574 30209 28161 6154 30607 3574 8707 3366 12627 2019 25710 14451 2952 13757 1112 11632 11030 32971 22421 19038 13543 16576 28961 3567 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 62 0 +22056 19185 30781 2928 12775 12211 11169 12211 3574 5372 11533 25096 3574 28768 755 4032 24908 19598 12211 2456 29406 2018 30227 2018 7 3223 3574 31509 3567 0 0 25373 12824 0 0 31604 0 0 3561 0 0 19037 18835 31527 28587 5391 28782 3574 10960 11578 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 51 0 +22185 12211 14039 18416 18673 9951 3366 9796 12211 18835 3574 16460 7961 4312 12211 14039 14132 11280 22195 4002 31562 20910 15243 2019 0 0 23896 10202 32062 8053 3574 19703 25713 21017 17886 12211 25085 30083 6757 3574 31482 2807 3574 8657 12211 6793 24908 16720 19058 28961 3234 2457 30083 3562 0 0 23896 11230 19640 13757 28030 1881 7005 8219 3223 12211 13932 2018 10157 2888 24382 12211 13932 2019 0 0 3717 13642 3574 8483 5213 3567 0 0 23896 31088 32842 23360 18835 3574 17248 12211 4352 23954 3574 31514 24193 29812 12211 18835 100 0 +7628 19680 20303 11528 26620 25663 6154 28952 12211 3574 6259 8314 33192 19037 24379 33192 19037 3574 15565 4002 5681 26336 10002 2019 32794 8855 141 23484 31527 12211 16401 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 32 0 +129 22185 18855 3574 19680 16576 25478 12211 12824 6988 20034 9324 12211 2019 22185 10010 6400 19640 13757 3574 24908 4798 5681 27359 3574 32986 4694 12211 10671 11714 6356 18162 12211 17044 8630 32986 30781 30325 16576 2019 19081 13841 4798 18060 11030 22056 19185 12211 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 49 1 +18835 23653 3574 19059 19037 3574 21163 4429 113 13740 7206 12211 23964 3574 9922 12211 21264 6988 19038 24598 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 20 0 +22056 19185 22195 5402 32033 5354 9603 12675 29183 30781 32857 9792 20894 12211 29183 22739 4002 31514 12211 11101 29183 13944 18416 6570 11714 16576 13285 29183 939 14648 746 29183 14124 5407 29338 4324 3500 29183 28500 3816 12211 30781 16600 24863 24383 29183 31593 11533 22175 29183 2457 32857 12211 31223 29183 2755 25803 4002 26849 12211 5930 29183 26211 28184 12211 16842 4364 30781 12736 29183 4196 21852 26281 11533 25096 21852 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 76 0 +23653 12211 19185 29183 0 20718 15474 29183 0 0 5402 24908 22607 20342 330 0 0 8060 17460 26370 9995 29183 0 0 113 30526 28961 113 21017 24661 12211 7840 29183 0 0 21163 8052 10784 20561 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 39 1 +23273 16576 3574 11182 12211 2436 14572 3574 33140 11670 3561 5067 19611 12211 14518 3574 15320 5205 3567 25778 32294 6400 14399 27735 8171 22867 14398 2019 16497 2929 13841 26789 8393 3280 5402 11528 16576 3574 6563 31930 28952 16576 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 43 0 +10126 3045 30781 11502 24080 24129 12211 3574 7695 31523 5233 2019 19334 2019 0 0 19650 29276 2729 3574 10126 5202 1443 16568 3574 13443 18674 4352 19210 3574 21009 32197 1409 6149 5391 2019 9052 21782 23653 9998 2019 0 0 20493 6259 22315 15880 3574 19106 4352 3662 3574 671 1164 30604 3574 15768 21401 16576 30326 153 8097 12211 20249 3574 25695 12760 3574 7453 30215 19767 3574 13783 12441 2019 0 0 27519 30173 5391 12211 11738 3574 18896 13757 14223 11280 12211 2929 21872 3574 28961 25863 32028 3574 6359 2019 0 0 0 97 1 +15567 12211 3574 4319 3574 14388 3574 24458 12211 11661 28961 28587 4844 12068 12211 2521 25096 2019 30604 7695 3940 16576 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 23 1 +18835 3880 19038 162 29183 19636 11421 27801 4412 18448 29183 24863 24752 23690 29183 14988 18416 20273 16576 25801 0 0 15896 4002 3880 30273 8052 2075 29183 12497 30861 6400 27801 21960 24586 29183 26965 244 12211 16400 1364 330 330 330 0 0 32294 6400 7957 19640 13757 29183 3880 11101 5930 330 330 330 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 58 1 +32941 9661 19593 30781 31857 6789 16737 14221 12211 27359 29183 7317 10960 25096 16582 31679 16156 29183 7957 26814 29183 26281 27653 4352 11578 29183 30991 4352 15369 330 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 30 1 +18065 18416 20288 11714 15243 28892 18162 12211 6259 27771 4222 3574 18416 28961 32948 7502 2019 2019 2019 0 0 875 4694 30781 26979 16576 3574 18835 19538 6988 19643 12211 13841 3574 33140 1887 11053 4002 26705 12211 3562 17946 4412 11697 3574 7961 12653 4002 9749 18448 16576 3574 29123 16576 32986 30781 27416 7410 3562 1556 2276 16576 4369 0 0 17800 3106 0 0 10018 16576 9756 14451 10008 20206 3562 6223 23959 26050 3146 2018 29680 9213 1558 17056 3574 7961 25868 12211 13197 13652 16576 13221 3562 0 0 18295 5667 12211 16578 100 0 +6594 4211 3574 14075 28961 30325 3574 29607 10505 23485 12211 21872 26370 27593 5213 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 15 1 +4006 2082 0 0 31711 15960 12211 31924 28587 19976 7823 20076 15492 18448 12211 0 0 6007 12211 14039 14160 5511 0 0 8052 6007 5266 0 0 20034 6937 22131 18448 0 0 6007 5266 5511 3375 30781 3375 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 41 0 +7288 28955 5402 19819 31138 16576 8035 15565 3574 12700 30604 3574 6400 113 17174 21924 22358 15243 15048 29418 454 3574 18448 11280 12211 11178 12589 19643 12211 6400 3574 31482 15038 11528 11533 22943 3574 28892 30781 9638 3228 3574 14274 8052 28892 28955 2019 30131 28952 3567 5511 30788 12211 9860 15492 30781 15492 3574 11711 688 28955 2106 3574 31857 3292 3574 21009 30781 8551 13354 28955 28961 19643 19643 27416 24908 12211 15492 16603 14160 10671 14318 12211 14945 3608 10002 3567 0 0 0 0 0 0 0 0 0 0 0 0 0 87 0 +25778 30781 6811 2313 17293 12211 3574 16191 25104 30781 32229 12728 25172 5205 3567 25710 30781 20288 1384 28505 3574 24073 113 20341 12211 9662 3574 19663 12211 30781 31962 11698 23401 28505 12211 29694 3574 4781 28505 12211 29694 3574 7353 14564 20478 12211 3513 3574 7353 4181 14039 25761 1086 3574 7353 21909 19024 11738 3574 7353 18837 1525 16070 28505 12211 20005 2019 25710 11698 30781 11280 4242 28505 459 12700 1324 7192 31382 3574 24908 11698 2106 20341 3574 11711 20424 28505 32948 6580 31857 7822 12211 12114 3736 2019 18188 16576 3574 459 26027 100 1 +18072 1443 1525 19650 14160 30325 3574 10126 2018 17536 2018 5847 4117 3574 25951 0 0 25448 22512 27967 18416 12211 5675 3574 30604 10979 3940 2019 21516 1164 13757 12211 3574 11935 3057 12542 8082 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 38 1 +26420 12211 18835 4352 5391 3574 32197 30781 24908 685 3574 25469 32544 28961 28109 15474 3574 19362 12211 10960 16716 31382 3574 14550 22810 3574 18416 11714 12211 2050 29128 4648 4037 16576 3574 11711 32197 18956 18358 12211 25336 32062 16576 3574 25469 28961 28587 13841 23360 3574 33140 12488 5402 4412 16576 2019 118 8052 28378 12211 30781 15202 12211 1887 3574 32197 6811 454 14871 3574 25469 3817 7340 16576 32139 3574 26609 28961 28587 13197 24889 32986 31331 31088 7340 3574 11711 6356 16576 33022 10010 5402 18232 17750 8052 20077 12211 2971 3561 623 100 0 +11110 11670 20034 6536 3574 28892 28199 2018 13789 14148 15243 19019 10010 12452 16448 10002 3574 21163 11110 31527 12211 16132 6988 16100 3574 20374 14988 2245 3574 33140 16292 24001 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 32 0 +15186 22185 18624 7014 3750 28893 3574 4181 7272 4412 3574 19157 19730 11231 3574 9583 113 29829 6279 12211 1166 2019 7477 11231 3571 19037 19055 26234 21674 478 2454 3574 22185 11231 18232 9980 30781 20102 7132 12921 3574 15802 10734 21617 2019 23925 8052 16006 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 49 0 +43 2162 28587 10525 12211 22686 3574 28587 28038 12211 18555 3574 28500 28587 5300 12211 26619 19367 3574 31383 113 12211 30781 1183 27064 12211 4008 3574 30781 10024 24073 3664 22068 11528 17956 3574 1112 1370 22068 16576 10439 2236 6483 12211 11610 2019 24229 22068 43 2162 3574 4116 31527 5402 31872 23009 16522 29493 3574 28892 13934 19680 12211 26530 22102 3574 2050 29493 4477 14274 6735 2019 30170 7961 32247 18855 22068 4879 3574 6400 15227 3567 21163 25778 13459 10210 1525 16434 8038 13740 3574 685 12211 11110 14160 28587 3574 11408 18416 12700 100 1 +16699 12211 15661 2276 20076 12211 12217 15413 3574 10505 23485 12211 14039 5402 20409 4895 2068 22608 26050 3574 2547 17273 16635 12211 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 25 0 +11110 8060 25497 5402 21488 16576 4895 26235 27782 12211 31116 3574 18416 5511 28312 30788 12211 7194 17623 2019 1409 11342 8052 28986 24906 5395 25778 8051 13092 6235 25920 4352 2019 14274 24648 18896 4002 30239 28587 11525 12211 4895 23723 2019 21163 8060 25497 5402 20274 8035 17517 20206 2019 12306 6154 14132 19641 6988 302 4895 23126 12211 14039 2019 18416 3360 20909 14399 19356 14398 29338 30781 29391 10002 2019 20981 19770 30608 3574 5681 1112 18416 15881 2019 17174 23712 19363 28961 20108 16576 22870 11110 12858 2019 13334 7230 5681 26779 10671 5395 100 1 +24379 3567 24135 30781 113 6022 12211 14844 11670 12211 28955 22408 3567 16460 22195 28587 3567 17305 2717 16576 4879 32665 6143 6356 24229 16576 3567 19514 12211 32971 3567 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 31 0 +14988 28952 21300 30934 16576 3574 28592 18416 25575 8102 24908 28541 29552 12211 5930 15243 2019 20484 3574 19680 16576 19262 12211 22176 3574 4694 30781 28014 3574 13518 12068 6132 8393 28955 21017 16461 11280 2019 19641 30781 8393 10704 30809 22470 19055 16457 19055 2973 3574 5244 413 3574 14645 19055 2159 19055 21987 640 12211 10238 10899 2019 6305 6305 15634 32698 3574 12700 15740 20112 3574 13518 7133 29463 6421 19080 2019 20567 3574 19640 21024 2416 1904 3574 1125 32986 22176 30325 3574 3375 24830 22421 3574 6359 3567 17840 3574 21982 14842 17154 100 1 +20288 22185 14120 3574 16862 10199 3574 15759 8106 2019 18835 28993 21231 2018 31662 3574 30861 3610 9744 3574 31482 113 16694 1525 19649 19887 3574 113 9231 12211 6400 3574 7957 17413 29711 2019 17294 7604 12211 30781 20263 26146 3574 21163 17925 26563 5402 13757 3876 2019 11714 10010 1598 3561 7972 12211 7957 3574 15202 28500 8645 3562 7972 12211 9958 3574 15202 28500 7882 3567 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 70 1 +24832 30788 1257 13460 30572 3574 11711 28961 17716 11712 19826 3567 30918 11670 2246 26050 21599 29717 12211 11409 1525 32887 3574 18416 12068 19641 10648 8052 4799 30781 4247 12211 1816 1525 8855 15895 3567 30918 12211 22467 11429 30781 8060 12837 9075 3574 11711 9209 6700 5402 12881 4895 12837 12211 10997 14648 14648 28587 6455 6356 6146 24194 6356 12211 8855 6700 32965 2018 10905 1607 2018 20051 11924 14150 12211 6611 3574 18448 4059 12211 26812 21017 19024 26574 12211 11738 3574 31039 30781 18717 12211 3567 30918 32197 19916 12211 17293 3400 3574 18416 100 0 +16716 28378 15423 30452 3574 25234 6608 19358 3574 6988 28541 12211 13896 31382 3571 13896 0 0 30783 3574 26345 10064 0 0 28281 0 0 3078 3574 14160 10074 26753 0 0 15423 30452 12211 29371 21674 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 39 0 +5087 30301 12211 24708 1525 11309 12211 16716 22102 3566 20424 4895 113 15364 13119 4066 12211 16603 32948 3574 25778 31527 12211 27914 14871 14160 16716 21802 3574 17294 21802 12211 29399 16497 4002 3561 12876 1118 26050 3574 23617 1525 19611 30781 19872 1526 6611 12211 25641 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 50 0 +30299 24294 30990 19514 3567 26602 5402 27439 863 2019 5202 19037 19041 6146 23960 3574 13061 23427 147 5202 17111 18415 14095 12211 16603 9270 30781 24908 21628 3567 4921 20245 3574 8707 15661 10010 26965 8639 22002 3562 28587 29140 26787 3562 12673 9738 19398 3562 29061 3367 16162 31633 3567 10126 1525 17137 12211 16877 3567 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 59 0 +5681 26697 12211 19289 6988 12558 30325 12211 3574 18416 19992 25336 11533 21293 24906 7237 19643 5681 26697 16576 2019 20424 21264 8052 4324 30596 12211 5365 32948 3574 5681 25687 12211 22512 25336 22483 30325 16576 2019 2158 29265 11962 12211 3574 6563 12211 25732 16258 8395 15768 2276 24598 23673 0 0 19650 30325 3574 31375 11533 11063 0 0 1095 31418 0 0 14487 31857 28378 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 70 1 +8397 12211 25341 14006 9766 2117 3574 30781 130 17936 2019 26211 32568 32568 27241 12211 20395 12211 19641 28955 531 1378 25096 3567 22068 6356 31224 12211 14039 3574 685 12211 9347 5402 21020 16576 3574 33197 3574 25336 113 28896 27126 20206 16576 2019 19675 1112 16603 3896 2019 19675 30388 10519 24073 113 531 26620 25096 12211 28955 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 62 0 +29103 10439 30847 16816 3574 20235 28640 8052 16576 24294 3574 10973 11231 13932 27924 3574 25336 26235 30827 23360 4895 17056 3574 8314 16699 10671 471 4243 18416 26235 17056 3574 14988 20288 24908 16699 21566 5402 564 26620 23424 3574 11711 6988 3628 16699 3574 20235 8314 2721 20076 11528 21371 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 54 0 +17926 30325 3574 22512 28961 13757 3574 4002 12775 15243 15038 12211 19376 15802 30781 11449 3574 26073 23773 16576 2019 2019 2019 1112 18416 15944 8053 16576 19048 2019 2019 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 32 1 +20860 28184 1110 12211 31498 3574 18920 32986 30781 343 3574 6356 27359 21853 623 6393 28892 3574 29123 755 19641 30781 19789 10006 3566 5776 3574 30781 12211 5213 3574 14334 27172 15243 18448 7464 7696 18847 12211 167 32630 2019 19641 4002 343 3574 18416 16164 2019 12283 25614 9578 3574 20993 30781 343 3574 31498 30781 16919 17460 3574 28587 343 3574 31514 15701 2019 18835 27924 3574 3880 11533 11225 3574 28784 28961 11533 11225 2019 21163 10033 32400 3574 29147 30781 8467 2019 26281 16716 31382 3574 2001 28587 25536 3574 25626 28961 28109 19038 100 0 +28109 30504 15535 21163 28961 9749 32842 10611 21852 21264 31285 21852 21440 330 2945 17339 6400 28801 21852 32637 4352 5390 21852 24460 4352 22943 21852 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 27 0 +8442 1378 24883 3574 21163 10960 10167 18016 3574 7898 30781 28738 13987 18401 3574 5268 28587 21752 12211 18835 2019 0 0 22185 10010 17392 11034 15168 12921 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 30 1 +14988 23360 16576 3120 3574 17399 19456 23677 3576 13367 8630 29338 15048 11714 16576 3574 19289 14489 5205 0 0 17044 84 0 0 15824 0 0 3561 0 0 451 8789 21599 130 19185 12211 12070 3567 19470 19185 113 23555 12211 11634 20635 7104 20544 3574 0 0 6811 5395 2739 24906 29498 26629 12211 7957 12675 3574 0 0 17149 8789 32299 23247 3574 0 0 31682 28426 8789 31797 3574 0 0 9860 7928 21852 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 80 1 +19185 12283 28892 20552 27538 8060 17460 9583 3574 6259 12211 14399 10372 14398 12211 12890 10074 18416 11714 19643 12211 7894 4895 9885 12211 9701 28541 9465 19640 5391 3574 10864 28782 2443 11528 13736 11528 30482 27874 14160 5354 3574 28500 27886 21267 12211 30781 18746 5391 11528 31228 6167 24073 17456 3567 19641 30781 18416 11714 19643 12211 118 11378 12211 10372 3574 16477 19640 1749 26581 13285 3574 21024 9904 14342 19680 11528 19038 6061 16576 3567 3935 1151 113 18162 21608 19185 21024 160 11280 12211 3120 3567 22063 28184 21823 12360 10084 21608 13615 100 0 +25710 8397 31127 15874 3574 16497 18454 2220 10896 28381 3574 30217 32254 2600 113 11706 24721 20641 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 18 1 +30781 21608 11533 16523 12211 19185 3574 7513 19838 3574 18835 28961 18010 3574 7961 28587 13197 32976 3574 11714 16576 21931 3574 113 6047 11714 10141 18835 3574 24323 4797 8052 32007 3574 21009 30781 28212 11738 3576 7957 531 15474 3574 6570 22185 11231 28587 7362 31382 17946 3574 755 20615 5402 28585 19024 16576 3576 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 58 1 +19185 113 17388 3574 11226 24863 3574 19893 16603 12211 17926 6400 11533 11861 3574 22195 9749 7920 343 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 19 0 +6759 12700 8052 11935 8060 28952 2019 8052 28378 141 29676 12211 11324 2019 28378 25778 12211 3574 28385 30781 23115 12211 27401 3574 22971 32986 30781 28378 25778 3574 8052 10362 32986 30781 28378 30788 24761 20206 12211 2404 3574 30781 23115 1112 4844 11896 16576 11472 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 49 0 +15622 12211 29620 2019 16100 2019 14988 31619 12211 28955 20815 18416 5210 12211 30781 18203 12211 2019 15345 30781 20815 28541 12211 28955 16877 14599 12211 2019 3495 12211 7628 8393 25810 12211 28955 2019 33140 3574 17926 6400 23653 2019 22711 4358 28760 12211 27742 28760 12211 25066 32121 26050 547 1525 29620 2019 8376 18232 23179 24800 12211 5901 2019 29620 12211 69 16100 3574 8998 12211 18666 8034 17746 12211 13372 5402 26620 3646 6356 11698 17942 2019 14451 18411 12211 5402 113 19709 9974 16576 2019 28077 8034 12211 3375 24355 3574 6811 26231 7966 100 1 +24908 30740 24729 1906 16942 330 10869 3216 26345 8052 20206 330 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 12 1 +18416 17293 4844 2902 3696 16576 4895 3741 3574 13757 10608 31383 12211 2050 130 2011 13363 2012 3574 20424 8314 9315 29717 13874 1525 21488 11280 12211 16603 32948 3574 19641 30781 8393 31857 23358 12211 28955 3574 13801 8034 27581 26050 13255 1525 5901 2019 15673 11698 24073 16448 31383 2276 24761 19893 16603 4895 23809 12211 1802 2019 13128 17534 19680 2011 29864 2012 25778 3574 11698 6154 5087 113 28500 6536 12211 27596 3574 15802 20366 10928 2276 1932 25778 12211 14039 5402 25336 113 16576 4895 15299 3574 2050 4002 1112 11280 4384 3574 1112 100 1 +18835 28993 26370 11225 16576 3574 13031 16074 3574 8046 28587 17946 2929 3574 7957 27283 8034 8025 3574 14451 15492 1378 3574 6400 21912 12211 7840 9190 3574 113 32976 13197 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 33 0 +5681 19185 10960 19640 13757 3574 26281 28961 19640 13757 3574 23740 12211 8526 28961 8106 2019 0 0 6811 11714 12211 30781 12688 8097 18401 3574 18835 31527 20780 8097 3574 2929 23445 28961 20615 2019 4002 18835 11533 5391 3574 9356 8051 28782 11533 19635 3574 6141 8097 12211 14039 19636 28565 28961 9749 12230 2019 11832 30781 8174 3574 6789 4821 1525 26128 15535 15535 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 69 1 +21264 2276 30781 10671 15048 15616 5402 21371 16576 3567 16699 8630 19058 14948 32952 25714 21852 27822 12211 1887 28109 15474 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 22 0 +4243 19262 16842 16576 3541 12211 18835 3574 2692 755 16477 32986 28587 9218 3541 3574 32842 16060 3574 0 0 31482 2404 8724 4412 3574 19640 18416 19262 14755 3574 20815 18416 13197 19267 30118 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 37 0 +25778 15474 3574 8052 11711 4348 17214 12211 1443 7492 3574 28961 24908 17214 28676 12211 25603 20076 16576 27914 12211 12775 2019 21599 12171 32948 3574 11533 113 27212 3574 6811 25761 16576 517 12211 27519 9679 28676 15343 23841 12211 17399 7492 3574 24193 4002 25569 8311 22868 12211 17399 12705 1525 16727 2019 25778 15168 17214 28676 7636 23443 16576 26761 27322 12211 21949 1525 7492 2019 25710 11698 30781 27424 9679 28676 7636 9860 3574 25710 11698 27424 25569 8311 12211 22868 9860 3574 2521 22063 11698 13600 29969 25778 3574 3830 15740 21725 2019 0 99 1 +25010 6755 2050 21019 2723 12211 14871 15602 12211 8052 25433 3574 29497 19051 15751 2457 26598 113 22703 3574 1470 8630 19640 13757 23773 15168 15423 1470 3574 29941 10126 3045 28109 11533 32111 3574 23112 22512 14039 13459 19268 3574 29812 12211 6356 28961 14451 15492 4412 12211 16576 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 52 0 +3664 19680 16576 10297 3574 1370 19680 16576 24870 6146 4098 12211 8393 28955 2019 12382 31619 10010 3574 113 16720 24379 2019 14075 19038 4666 3574 22220 12211 30173 1525 581 24073 10784 22108 12211 25341 2019 15896 3574 581 1707 2009 15864 2010 2019 7395 29600 11110 13061 12211 581 30781 22102 12211 2019 14274 8849 17567 31527 7395 11110 14160 113 6611 12211 24188 12211 8016 3574 11670 28961 11533 113 112 2019 13459 16720 3574 4002 25778 12211 30173 1459 3574 8849 17567 12211 30173 19813 3574 3664 14590 24073 32020 31737 3574 6789 1370 22068 100 1 +5681 5391 6742 28961 4694 30781 19038 25096 16576 3574 19692 11533 25096 3574 20921 19488 10010 28587 27474 12497 3574 3880 7574 3574 10272 990 5919 8615 1723 3574 18746 6161 31575 33076 2019 19641 29276 13757 23154 18415 32837 29145 12211 2019 30326 32055 3574 16477 24908 9803 25336 6115 23954 6839 16576 3574 16477 5 28441 17293 5681 24690 18636 32448 12211 5391 6742 3574 19640 32986 21117 25730 3574 4694 30781 28475 1112 16603 1719 15302 2019 0 0 18416 24908 18020 12068 16842 4895 27874 18636 11533 19635 12211 17044 3574 5402 24908 28184 16842 100 0 +33113 28184 5434 3574 22185 9382 3574 6400 21264 1525 18835 820 1459 3574 18835 7574 2018 18746 19813 2018 1378 30781 17386 2050 26208 4895 162 13636 3574 22739 7601 12211 11101 14160 28587 18162 12211 17386 16576 2019 26281 30325 3574 7957 28587 27596 6356 2019 18835 21264 24908 7286 19055 29128 8630 16877 16576 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 58 1 +19185 19593 30325 3574 7513 19838 2019 7317 32737 14988 2809 4352 11225 16576 3574 11711 11138 8052 19041 32063 2019 1887 17399 27886 14095 2019 17946 20104 23445 30325 3574 4002 19640 12133 2509 19267 33022 31510 2580 8046 28587 15492 13282 7823 3574 16710 19838 2019 18835 31527 31463 16576 32353 3574 33140 28587 22665 3574 12133 11280 19267 755 13539 2019 24690 28776 4654 12211 26281 16710 3139 3574 19640 14451 6356 4223 21872 3571 25096 7226 21674 3574 6811 24229 10018 3574 755 24229 24908 20286 5402 9904 21924 25626 2018 8476 32271 12230 16576 3574 100 1 +19289 8452 29183 5202 28961 11533 5039 29183 7648 28961 23443 19350 19048 29183 9051 19350 31881 11578 330 0 0 24294 11248 6735 29183 15374 20914 16576 24294 29183 29832 30863 3835 13783 30827 23504 6277 0 0 1981 12211 12919 10671 750 517 16951 29183 7695 19080 15900 19838 330 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 52 1 +17248 13804 28952 8097 10505 22608 3574 26211 6356 32954 23954 12972 16576 3574 20191 10505 3574 31463 26639 16576 3574 8052 18318 3574 19081 21566 31331 14871 8917 13757 3431 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 31 1 +23439 330 5847 22512 22332 0 0 8990 330 24415 115 10155 11533 113 30913 3574 28961 19838 2973 0 0 27771 330 27619 14216 3574 31375 19650 30325 3574 5202 728 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 32 1 +19470 5619 26217 15168 3561 3649 3574 302 8154 28955 2011 26400 2012 10519 0 0 5390 4242 24215 0 0 2019 10751 26154 19024 3574 18416 13841 20311 21931 3574 840 3097 18670 2019 0 0 13128 18416 25117 15003 26683 19055 23439 19055 21039 0 0 23439 26371 22343 19404 24359 14648 25898 30084 16430 3574 16398 15168 21137 2019 19132 3736 2019 10519 12211 18670 26914 3574 1112 18416 9904 28955 27322 21583 30827 3574 28451 30453 2019 32986 16243 9277 8035 0 0 16603 27801 18162 7192 12211 2019 18416 32986 18162 19058 785 3574 2721 100 0 +1470 19037 3574 8395 28961 728 2019 10544 7902 8630 20615 6154 21599 3574 33140 16240 19362 26345 12211 30781 28981 330 13757 20032 24383 1580 2018 17536 3574 6400 2436 19838 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 32 1 +17111 3574 19636 450 27801 26545 14572 12211 3574 7628 29655 3574 20444 15535 1470 3255 2436 8452 3574 7961 4876 118 16598 25470 15535 0 0 3814 21872 28587 2521 27593 3574 15565 21773 5233 3574 21163 28961 12760 16576 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 42 1 +13841 1390 13354 16690 8965 21853 3574 31375 12211 11499 11533 5391 3574 2882 21862 12211 10126 3814 22325 3574 10196 17208 903 13011 19650 1525 16954 23459 3574 13443 18674 11533 19210 2018 10095 3574 10074 30604 31375 31382 18448 3574 5847 31382 3574 20273 11528 21872 15048 27593 28961 8052 15625 3574 29302 13932 11533 11063 24752 2974 2019 1470 11533 3373 3574 20444 0 0 3574 10126 11533 32111 3574 13757 14876 32193 3574 17399 16413 3644 29747 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 81 1 +1525 26193 22102 12211 16954 0 0 24752 22102 12211 7695 23157 0 0 3574 0 0 14988 28587 3544 946 0 0 3574 11711 3375 20796 9951 13303 2019 1470 23112 3255 11533 16598 3574 29655 11533 15944 3574 28587 18856 24710 32124 12211 8576 2019 10345 20191 18492 16179 2019 24908 7695 18299 10010 3574 6149 6144 28587 31872 27150 12211 12226 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 65 1 +6007 16576 25211 0 0 11154 0 0 5361 3574 31514 32602 15802 20076 12211 28961 30325 3574 28592 7363 24073 18448 22408 3574 22048 16576 22048 5402 9904 7902 3099 6558 16576 5827 20076 3574 2885 26447 23799 7928 3574 16240 8034 28961 9749 10507 27857 18415 28981 2019 6007 16576 32973 12211 32866 18424 31924 11924 3574 17399 28587 28099 22175 3574 22048 19643 29377 3574 32235 22399 8053 13757 11248 6356 22343 14648 28216 19055 3852 3574 6854 15874 11364 8052 6735 3574 10126 11364 11533 24922 3574 9745 29183 11253 5402 13233 15768 18790 3574 29812 100 1 +19048 11533 25412 12211 3574 24908 7648 15243 14160 113 3574 11280 26231 28952 16576 8035 11680 12211 21416 12211 15436 3574 18448 16576 8060 5615 6400 15474 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 28 1 +22056 19185 25801 12211 31906 4002 3561 12861 3567 18174 12211 19037 30083 6223 25575 24908 32273 3574 19362 26231 113 30524 24908 9995 3567 6223 24752 14451 26235 4312 3567 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 31 0 +24460 13011 3574 10126 21872 7259 3574 13443 14805 8192 3574 23925 18448 29699 5044 8344 12211 8132 9209 3574 6400 32063 13755 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 23 0 +8052 10505 22608 3574 6400 30196 3574 21163 12542 5603 28952 12211 31035 12211 9376 6988 7170 30325 12211 3567 24193 4002 15661 3495 11231 14673 26370 11738 3574 27822 32986 30781 14719 12211 14039 27126 16576 3574 18416 19680 31035 12211 20932 12211 28961 28109 15474 3574 31482 6356 16191 19640 14451 15492 11738 15535 15535 15535 15535 15535 15535 15535 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 62 0 +23439 0 0 17926 19650 2729 0 0 8990 0 0 29655 12211 17399 29338 113 9119 12211 28015 3574 19641 30781 18416 11030 29655 12211 10710 16912 0 0 27771 0 0 13443 12211 16954 31382 3562 27619 12211 19058 13354 19106 24073 113 8645 0 0 13260 0 0 10126 3814 27645 11364 11533 20245 3574 28353 0 0 31679 0 0 9285 28587 5210 12211 2521 25096 3574 21470 25467 9860 1525 2929 9270 12760 2019 33100 10802 13668 31924 26958 13757 7928 9051 16535 11248 3574 29437 23445 10074 33100 9285 2276 22175 14008 3571 31418 100 1 +5202 17111 3574 22512 31829 3574 18298 26211 6735 11248 6854 8644 1525 1549 33100 13783 2019 24908 10011 19726 10101 8034 11520 1525 20403 14160 32390 12211 16872 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 30 1 +7288 28955 16576 3574 6594 31382 1872 5213 3574 31482 31382 113 17208 13636 3574 28378 11528 11626 16576 551 20485 15543 23783 15543 6010 551 15535 18423 32698 3574 25778 15038 12211 15567 2019 27555 3574 28378 15605 1525 3128 3574 28961 28378 2050 14343 15622 12211 4298 12211 22047 2019 11110 8034 12211 18456 23126 11226 1122 25260 1525 13119 27564 14160 11533 28892 15874 2011 24497 2012 8034 12211 18456 23126 15535 15535 18416 19680 19643 30788 12211 12211 2011 14086 2012 2011 31461 2012 2011 30712 2012 3574 14160 30325 22421 3567 4895 23617 1525 4351 100 1 +24908 19961 20206 14440 15143 3731 22150 4032 20772 18415 28858 3731 6356 19557 5402 13757 19488 19185 20263 16576 3574 3306 5354 2266 25294 3574 24908 32840 24870 22150 24738 3574 13841 19185 12211 7513 15802 8106 2019 0 0 19185 16719 113 11773 6356 2859 1525 5520 12211 29723 22100 3731 13757 7806 14930 3574 13757 13841 6356 20545 3574 2476 3574 18636 26557 24423 3574 13994 11924 24906 3574 19640 13757 1112 6793 24908 5065 20718 28454 3574 6793 15474 3223 3574 18060 28585 30860 27203 3574 4348 19185 13841 29812 27359 15802 28961 8106 2019 24908 100 1 +18416 30781 24908 12767 15243 21488 16576 4247 12211 30788 12211 3574 25469 26906 24044 28952 12211 31383 12211 28955 2019 32781 16207 18416 23093 30767 15533 3574 17030 12211 14039 3574 32568 18416 665 25778 11231 3574 10648 30781 31383 17111 12211 1443 32365 16576 18416 3574 1112 18416 15573 3574 22068 12211 14039 31044 13934 24908 22068 31893 28955 22102 3574 30788 12211 21290 19608 3574 19893 16603 8376 13566 2019 7961 32568 18416 311 11231 18416 5402 18448 28955 31527 11525 12211 25456 3574 19675 12211 20615 5402 28640 16576 13505 2019 17994 5395 25234 4242 6356 100 1 +18835 29276 13757 3574 11711 7317 10960 18465 3574 7957 5930 28961 15320 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 14 1 +19185 24690 17911 11533 19635 3574 22185 12211 13260 17460 24908 18835 13757 665 15143 2019 0 0 11711 24690 15250 1525 18582 31143 19038 19638 16576 3574 7513 16716 19838 2019 0 0 27933 29123 19643 755 5022 5233 16060 12906 12133 16842 17226 3574 0 755 32986 28506 14160 113 17226 1843 16842 3574 16460 2692 0 0 12860 8034 24908 19185 20263 11924 16576 8204 6154 6141 6356 11060 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 73 1 +5087 16572 14954 26146 3574 25469 16603 4352 5390 3574 32737 15474 1157 0 0 18416 22185 12211 30781 21560 12211 13987 0 0 18835 18182 11533 6903 3574 11832 16872 3574 27924 3574 31824 30325 0 0 18835 32854 3574 2174 19037 3574 18401 8452 3574 28782 28961 11533 9744 3574 28961 28587 32976 13197 0 0 17294 31906 4002 14435 19038 5391 2019 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 66 1 +24908 18416 8053 9213 23272 10010 3574 18416 1525 28505 5402 810 9904 15907 14160 26232 16576 18602 3574 32568 18416 14675 9904 14455 30860 30827 12211 14039 3574 28505 1378 28144 3574 5004 3574 1411 3574 11698 27861 9616 15227 22421 3574 10671 28952 26620 31382 12211 28955 19893 18416 2019 28955 12211 27766 1525 11110 14160 19433 3574 28505 18202 1112 18416 19893 31383 22068 3574 22068 6356 2011 18416 8052 12068 18232 13508 2012 19362 7703 12211 19042 18232 5411 19037 15564 7676 12211 14039 3574 28505 1378 32053 3574 28966 8035 8052 20077 3574 1870 32325 100 1 +18835 30325 29183 0 0 11711 7957 31377 24807 11713 29183 755 2404 22129 29183 17608 330 22185 23324 29183 0 14988 22 21872 14160 24908 14961 25485 29183 0 0 11711 28961 14451 5390 19680 755 30364 29183 3216 30103 8053 17226 12211 30680 28961 10271 16576 22056 19185 5621 12211 755 330 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 54 0 +10751 12500 7513 19838 3574 25469 11030 16576 19954 9593 2019 130 24135 19954 9593 30781 4352 23555 12211 19185 3574 26211 8060 17814 5402 6400 26417 14394 14394 12283 22483 12211 5391 3571 8630 32986 30781 28587 12283 3574 9593 5202 19893 16603 6400 23653 26211 10313 10089 21674 2019 18835 14550 28961 16144 7574 16576 2019 28500 22779 12211 30781 18416 24908 28184 18920 5434 11231 3574 665 25664 10372 30781 113 1679 26281 12211 2019 26211 28451 22185 14808 14039 3574 12515 18956 13459 16466 12211 29031 3574 33022 26209 19893 16576 1183 26281 6556 2019 18416 100 0 +4348 28184 7477 4011 3574 15787 22203 4694 8052 15181 2019 4348 25736 5402 30818 4724 8671 3574 18835 7628 2019 31482 19703 30781 5398 18613 12211 2019 118 4210 12211 30781 27156 1110 12211 18835 10000 14061 26281 3574 33022 26209 19893 1183 12211 23025 3574 19640 32986 2276 26205 1183 12211 22052 2276 11760 30860 18338 21017 16108 2019 18416 3366 3574 11309 4378 2875 24661 28961 2276 18338 16576 2019 18416 21855 16576 14061 12211 32868 3574 11859 26209 19893 18416 1183 2019 18416 12211 26205 1183 3574 18416 9904 23025 6347 16576 6143 16576 3574 17281 100 0 +31857 31857 30604 12211 19185 3574 20558 20815 3955 24710 6542 3574 5268 19640 3844 28972 15168 30781 7137 15853 19185 3574 31276 5213 2019 20288 11942 18835 31527 113 31535 18099 3574 6988 14399 26587 14398 12211 3574 30781 17174 20273 16576 8236 11880 5758 15753 12211 3567 3567 3567 28782 28961 19358 3574 16343 18232 24073 13153 3574 22630 2019 2019 2019 7460 12211 22630 5213 3574 25336 12392 14451 30052 28966 2019 17294 18014 12211 30781 9661 19593 3574 3750 10018 12211 17499 12211 20981 4115 2019 0 0 0 0 0 0 0 0 0 0 90 0 +2276 6737 24366 3574 9749 19038 30130 16576 3567 1118 13687 6988 2276 29434 32608 3574 6611 12211 13687 18448 6611 12211 9715 3574 10362 27285 23576 22559 2018 11474 2018 5314 2018 10707 11924 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 36 1 +21470 18448 19675 12211 15567 3574 10074 2929 130 20245 19058 16576 2019 23445 2436 23954 3574 16687 5391 3574 20403 30604 2019 32557 19640 13757 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 26 1 +10710 30781 18835 19433 3574 8697 9218 16576 19640 5354 6327 12211 29349 29128 3574 3406 16576 19814 12091 2019 17294 7604 12211 4002 18835 26370 14276 2019 19861 20255 25357 16576 8035 3334 3574 25469 8630 24073 113 4352 16523 12211 21264 21017 32365 16603 12211 2019 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 48 1 +4852 23653 3574 14451 14132 15492 3574 4002 17937 32952 11231 28952 8053 16576 2019 31713 16576 29112 16191 3434 16576 15871 3574 17942 11533 19358 3574 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 0 27 1 diff --git a/models/contentunderstanding/classification/data/train_data/part-0.txt b/models/contentunderstanding/classification/data/train_data/part-0.txt deleted file mode 100644 index 421b9e90a38b918180dcb673963574adc8547776..0000000000000000000000000000000000000000 --- a/models/contentunderstanding/classification/data/train_data/part-0.txt +++ /dev/null @@ -1,320 +0,0 @@ -12 27 13 0 25 52 89 20 39 4 9 1 -78 10 61 58 29 79 85 16 46 41 9 1 -81 77 44 4 5 57 43 97 42 89 6 0 - 7 77 86 3 98 89 56 24 7 59 9 1 -65 89 99 27 65 98 16 89 42 0 3 0 -66 14 48 38 66 5 56 89 98 19 4 1 -78 7 10 20 77 16 37 43 59 23 6 1 -84 95 28 35 0 82 55 19 13 81 7 0 -34 32 98 37 43 51 6 38 20 40 9 0 -75 36 13 51 70 24 62 90 32 91 7 1 -13 5 49 21 57 21 67 85 74 14 1 0 -68 13 86 16 52 50 23 11 65 99 1 1 -15 20 75 55 15 90 54 54 15 91 9 0 -44 56 15 88 57 3 62 53 89 57 8 1 -23 8 40 25 60 33 8 69 44 88 7 1 -63 94 5 43 23 70 31 67 21 55 6 0 -44 11 64 92 10 37 30 84 19 71 5 1 -89 18 71 13 16 58 47 60 77 87 7 1 -13 48 56 39 98 53 32 93 13 91 7 0 -56 78 67 68 27 11 77 48 45 10 1 1 -52 12 14 5 2 8 3 36 33 59 6 0 -86 42 91 81 2 9 21 0 44 7 9 1 -96 27 82 55 81 30 91 41 91 58 2 1 -97 69 76 47 80 62 23 30 87 22 7 1 -42 56 25 47 42 18 80 53 15 57 7 0 -34 73 75 88 61 79 40 74 87 87 6 1 - 7 91 9 24 42 60 76 31 10 13 4 0 -21 1 46 59 61 54 99 54 89 55 5 1 -67 21 1 29 88 5 3 85 39 22 5 1 -90 99 7 8 17 77 73 3 32 10 5 0 -30 44 26 32 37 74 90 71 42 29 9 1 -79 68 3 24 21 37 35 3 76 23 6 1 - 3 66 7 4 2 88 94 64 47 81 6 1 -10 48 16 49 96 93 61 97 84 39 3 1 -73 28 67 59 89 92 17 24 52 71 3 1 -98 4 35 62 91 2 78 51 72 93 1 1 -37 42 96 10 48 49 84 45 59 47 5 1 -13 24 7 49 63 78 29 75 45 92 7 1 - 1 6 95 23 38 34 85 94 33 47 6 1 -99 63 65 39 72 73 91 20 16 45 9 0 -35 8 81 24 62 0 95 0 52 46 4 1 -58 66 88 42 86 94 91 8 18 92 7 0 -12 62 56 43 99 31 63 80 11 7 4 1 -22 36 1 39 69 20 56 75 17 15 7 0 -25 97 62 50 99 98 32 2 98 75 7 1 - 7 59 98 68 62 19 28 28 60 27 7 0 -39 63 43 45 43 11 40 81 4 25 6 0 -81 95 27 84 71 45 87 65 40 50 1 0 -82 21 69 55 71 92 52 65 90 16 3 0 -24 6 5 22 36 34 66 71 3 52 2 0 - 5 14 66 71 49 10 52 81 32 14 1 0 - 8 94 52 23 60 27 43 19 89 91 9 0 -26 14 36 37 28 94 46 96 11 80 8 1 -89 19 77 66 48 75 62 58 90 81 8 1 -25 43 95 21 25 81 39 79 9 74 9 0 -25 2 64 27 67 36 59 68 99 66 5 1 -13 46 41 55 89 93 79 83 32 52 6 0 -49 77 57 9 91 49 86 50 32 5 2 0 -94 7 53 54 70 69 5 51 59 91 5 1 -24 72 94 13 17 12 2 67 0 89 6 1 -70 38 19 27 38 87 72 41 98 84 6 1 -89 76 82 4 69 64 97 77 88 58 9 0 -67 41 99 1 80 38 96 24 67 59 3 1 -42 83 50 19 97 99 99 50 46 76 8 1 -43 99 63 40 93 15 3 57 11 0 1 0 -16 65 31 43 89 37 98 63 29 69 8 1 -39 5 65 45 12 82 46 87 82 93 8 0 -34 69 82 13 4 20 92 58 46 83 2 1 -46 79 87 57 87 23 72 95 37 88 8 0 -41 72 81 71 60 15 32 1 9 97 3 0 -84 98 15 78 39 82 89 74 46 32 9 0 -16 18 92 80 50 44 98 45 15 41 3 1 -74 78 81 40 17 65 38 21 27 9 1 0 -14 69 68 50 57 11 62 2 89 54 6 0 -70 29 79 29 44 56 33 27 25 4 3 1 -44 20 87 67 65 41 93 37 99 78 1 1 -93 57 87 11 33 40 21 3 47 87 9 1 - 8 3 24 49 99 48 40 22 99 41 2 0 -19 90 9 83 93 22 36 96 44 73 7 1 - 4 73 2 88 79 90 32 48 45 12 5 0 -24 58 34 67 85 62 84 48 14 79 5 1 -54 69 19 18 59 78 84 48 61 46 4 0 -72 69 95 26 30 74 49 30 95 61 8 0 -73 29 46 39 48 30 97 63 89 34 9 1 -51 32 44 22 70 69 91 81 74 52 3 0 -99 66 89 71 31 42 5 40 21 12 6 0 -58 26 59 56 91 49 79 57 57 74 6 1 -30 36 59 74 6 30 17 1 99 38 4 0 -43 48 77 86 67 25 38 36 3 91 4 1 -67 24 51 34 37 8 98 76 84 13 1 1 -73 47 88 15 32 99 67 26 28 89 3 1 -91 66 11 86 5 12 15 43 79 89 1 1 -15 60 43 58 61 0 62 32 98 29 9 0 -80 36 78 42 70 52 2 10 42 41 6 1 -36 16 46 34 96 39 8 21 86 54 5 1 -80 72 13 1 28 49 73 90 81 34 1 0 -73 64 86 9 94 49 44 38 47 64 2 0 -69 90 69 36 60 45 39 7 41 72 8 0 -31 86 54 82 81 77 93 99 68 63 1 1 -95 76 97 36 40 12 4 95 59 64 4 1 -88 20 64 40 27 11 96 40 41 73 6 0 -28 72 70 43 34 54 98 43 29 63 5 0 -78 72 4 47 47 38 73 8 65 40 3 1 -91 64 51 93 8 78 53 15 42 32 4 0 -34 36 45 9 16 0 51 40 90 29 2 1 -80 93 65 80 11 19 26 61 29 8 4 0 -94 11 60 36 58 98 43 90 64 1 1 0 -42 54 89 86 80 72 81 48 19 67 5 0 -81 25 30 60 59 20 75 38 75 29 6 0 -84 16 48 28 23 20 53 13 32 90 1 0 -58 31 77 68 27 88 51 97 70 93 8 1 -63 67 85 6 35 22 28 65 8 7 3 0 -54 75 93 58 98 9 15 37 61 38 6 1 -56 24 50 62 63 47 9 4 58 30 8 1 -64 91 32 68 50 90 51 86 52 6 1 1 -55 50 46 41 28 1 11 39 75 9 1 0 -23 27 98 73 25 7 89 48 7 44 4 1 -86 98 68 1 74 46 15 92 59 25 9 1 -95 86 72 13 33 60 62 83 96 84 1 0 - 9 58 37 50 57 16 78 0 21 80 2 0 -82 94 74 42 3 60 61 93 34 22 3 1 -16 97 97 14 47 50 90 35 9 58 5 0 -70 94 82 42 85 88 59 58 6 68 9 0 -14 58 24 44 8 29 12 18 26 80 7 0 -22 23 7 82 39 28 96 92 23 40 5 1 -40 31 72 94 20 81 89 4 42 1 5 0 -57 63 71 41 28 2 39 67 90 54 6 0 - 9 74 4 41 11 31 15 21 44 32 6 1 -31 28 66 66 61 78 72 80 82 88 3 1 -79 18 1 59 35 62 0 72 78 97 7 0 -14 19 30 63 38 37 12 15 54 15 6 1 -54 91 37 79 60 35 55 62 94 84 7 1 -10 55 78 96 45 55 35 56 54 70 6 1 -23 46 15 93 66 11 32 45 74 25 4 0 -51 55 9 9 88 59 21 66 87 12 1 1 -90 22 38 66 12 9 30 48 55 85 1 1 -39 23 82 29 57 76 79 56 3 19 2 0 - 7 72 76 15 90 23 40 40 33 39 4 1 -60 64 34 11 18 18 38 39 53 37 1 1 -85 72 51 47 83 90 32 96 78 23 9 1 -85 51 96 31 83 70 57 65 15 0 6 0 -41 11 56 94 40 6 62 86 68 83 7 0 -34 82 44 30 2 2 94 62 41 27 6 1 -54 86 50 83 76 65 0 87 80 70 7 0 -97 50 65 78 2 90 28 5 12 56 5 1 -34 19 68 93 11 9 14 87 22 70 9 0 -63 77 27 20 20 37 65 51 29 29 9 1 -22 79 98 57 56 97 43 49 4 80 4 1 - 6 4 35 54 4 36 1 79 85 35 6 0 -12 55 68 61 91 43 49 5 93 27 8 0 -64 22 69 16 63 20 28 60 13 35 7 1 - 9 19 60 89 62 29 47 33 6 13 4 0 -14 15 39 86 47 75 7 70 57 60 6 1 -90 63 12 43 28 46 39 97 83 42 6 0 -49 3 3 64 59 46 30 13 61 10 2 0 -79 47 29 47 54 38 50 66 18 63 5 1 -98 67 1 22 66 32 91 77 63 33 3 0 -72 22 10 27 28 44 29 66 71 1 7 0 -20 52 19 23 9 38 1 93 83 73 5 0 -88 57 22 64 93 66 20 90 78 2 7 1 -90 86 41 28 14 25 86 73 7 21 4 0 -63 91 0 29 2 78 86 76 9 20 4 1 - 3 57 91 37 21 85 80 99 18 79 1 1 -69 95 36 6 85 47 83 83 61 52 4 0 -72 4 34 16 59 78 56 70 27 44 9 1 -58 42 6 53 21 7 83 38 86 66 5 0 -22 86 22 21 86 22 83 38 62 19 4 0 -14 63 20 53 98 76 10 22 35 76 9 1 -16 88 13 66 37 33 11 40 61 97 2 1 -60 9 98 35 51 11 98 73 67 26 6 1 -25 48 87 93 58 58 15 9 23 13 7 1 -61 47 47 36 97 22 63 35 9 38 5 1 -94 49 41 38 0 81 59 39 13 65 3 0 -88 82 71 96 76 16 57 24 72 36 5 1 -28 46 8 95 94 86 63 1 42 63 6 0 -12 95 29 66 64 77 19 26 73 53 4 0 -19 5 52 34 13 62 6 4 25 58 5 0 -18 39 39 56 73 29 5 15 13 82 1 1 -50 66 99 67 76 25 43 12 24 67 9 0 -74 56 61 97 23 63 22 63 6 83 2 1 -10 96 13 49 43 20 58 19 99 58 7 1 - 2 95 31 4 99 91 27 90 85 32 3 0 -41 23 20 71 41 75 75 35 16 12 3 1 -21 33 87 57 19 27 94 36 80 10 6 0 - 8 0 25 74 14 61 86 8 42 82 9 0 -23 33 91 19 84 99 95 92 29 31 8 0 -94 94 5 6 98 23 37 65 14 25 6 1 -42 16 39 32 2 20 86 81 90 91 8 0 -72 39 20 63 88 52 65 81 77 96 4 0 -48 73 65 75 89 36 75 36 11 35 8 0 -79 74 3 29 63 20 76 46 8 82 5 0 - 7 46 38 77 79 92 71 98 30 35 6 0 -44 69 93 31 22 68 91 70 32 86 5 0 -45 38 77 87 64 44 69 19 28 82 9 0 -93 63 92 84 22 44 51 94 4 99 9 0 -77 10 49 29 59 55 44 7 95 39 2 0 -10 85 99 9 91 29 64 14 50 24 6 1 -74 4 21 12 77 36 71 51 50 31 9 1 -66 76 28 18 23 49 33 31 6 44 1 1 -92 50 90 64 95 58 93 4 78 88 6 1 -69 79 76 47 46 26 30 40 33 58 8 1 -97 12 87 82 6 18 57 49 49 58 1 1 -70 79 55 86 29 88 55 39 17 74 5 1 -65 51 45 62 54 17 59 12 29 79 5 0 - 5 63 82 51 54 97 54 36 57 46 3 0 -74 77 52 10 12 9 34 95 2 0 5 0 -50 20 22 89 50 70 55 98 80 50 1 0 -61 80 7 3 78 36 44 37 90 18 9 0 -81 13 55 57 88 81 66 55 18 34 2 1 -52 30 54 70 28 56 48 82 67 20 8 1 - 0 41 15 63 27 90 12 16 56 79 3 0 -69 89 54 1 93 10 15 2 25 59 8 0 -74 99 17 93 96 82 38 77 98 85 4 0 - 8 59 17 92 60 21 59 76 55 73 2 1 -53 56 79 19 29 94 86 96 62 39 3 1 -23 44 25 63 41 94 65 10 8 40 9 1 - 7 18 80 43 20 70 14 59 72 17 9 0 -84 97 79 14 37 64 23 68 8 24 2 0 -63 94 98 77 8 62 10 77 63 56 4 0 - 8 63 74 34 49 22 52 54 44 93 3 0 -94 48 92 58 82 48 53 34 96 25 2 0 -33 15 3 95 48 93 9 69 44 77 7 1 -69 72 80 77 64 24 52 21 36 49 2 0 -59 34 54 66 60 19 76 79 16 70 5 1 - 8 83 9 91 67 79 31 20 31 88 2 0 -64 95 46 95 78 63 4 60 66 63 7 1 -10 39 78 45 36 4 89 94 68 75 7 0 -81 52 70 11 48 15 40 63 29 14 8 1 -94 49 30 14 53 12 53 42 77 82 8 1 -40 88 46 20 54 84 76 15 2 73 2 1 -71 50 79 54 17 58 30 16 17 99 1 1 -74 79 74 61 61 36 28 39 89 36 6 0 -53 45 45 23 51 32 93 26 10 8 3 0 - 1 97 6 67 88 20 41 63 49 6 8 0 - 3 64 41 19 41 80 75 71 69 90 8 0 -31 90 38 93 52 0 38 86 41 68 9 1 -50 94 53 9 73 59 94 7 24 57 3 0 -87 11 4 62 96 7 0 59 46 11 6 1 -77 67 56 88 45 62 10 51 86 27 6 1 -62 62 59 99 83 84 79 97 56 37 5 0 -19 55 0 37 44 44 2 7 54 50 5 1 -23 60 11 83 6 48 20 77 54 31 6 0 -27 53 52 30 3 70 57 38 47 96 5 0 -75 14 5 83 72 46 47 64 14 12 7 0 -29 95 36 63 59 49 38 44 13 15 2 1 -38 3 70 89 2 94 89 74 33 6 8 1 -28 56 49 43 83 34 7 63 36 13 7 0 -25 90 23 85 50 65 36 10 64 38 5 0 -35 94 48 38 99 71 42 39 61 75 8 1 -28 73 34 22 51 8 52 98 74 19 8 1 -12 40 65 12 7 96 73 65 12 90 5 0 -42 42 48 16 80 14 48 29 29 45 5 0 -58 20 4 0 69 99 15 4 16 4 1 1 -93 30 90 5 23 63 25 30 99 32 7 1 -91 23 20 26 84 78 58 76 58 90 5 1 -33 2 36 59 55 9 79 34 92 57 9 0 -80 63 84 73 22 40 70 94 59 34 5 0 -49 95 50 32 90 22 18 66 46 32 2 0 -47 72 3 94 33 78 87 43 11 67 5 0 -76 44 86 81 95 48 79 46 11 65 8 1 -59 51 97 75 17 5 40 59 32 62 6 0 -41 13 58 7 54 84 8 84 27 55 1 0 -24 80 44 26 86 99 68 80 81 22 9 0 -12 45 16 44 66 76 33 53 3 20 9 0 -22 3 79 6 32 38 75 66 15 25 9 1 -51 48 26 53 33 26 18 74 9 39 5 1 -35 67 89 91 29 81 23 52 19 11 6 0 -64 50 43 1 43 49 19 20 84 19 8 0 -34 4 9 77 24 61 55 82 42 76 9 0 -37 84 94 33 67 60 3 95 78 8 9 0 -82 10 54 12 47 23 78 97 6 51 5 0 -70 40 38 47 5 38 83 70 37 90 2 0 -42 21 62 27 43 47 82 80 88 49 4 0 -68 68 67 12 38 13 32 30 93 27 3 1 - 5 44 98 28 5 81 20 56 10 34 9 1 -40 46 11 33 73 62 68 70 66 85 4 0 - 9 46 11 84 6 31 18 89 66 32 1 1 - 6 78 44 98 77 29 69 39 62 78 1 0 -47 90 18 0 3 8 12 20 51 75 4 1 -21 29 74 19 12 29 41 22 63 47 8 1 -22 59 64 62 18 89 19 92 87 8 8 0 - 6 21 24 58 14 53 18 93 62 15 8 0 -20 33 88 25 37 52 1 72 74 11 2 0 -90 49 28 53 28 80 22 81 0 46 9 0 -87 31 51 27 15 31 68 93 5 4 7 1 -21 72 60 2 24 79 22 24 77 61 9 0 -20 4 6 40 28 14 16 78 58 99 7 1 -80 35 98 20 91 35 47 29 3 19 2 1 -57 21 24 61 60 39 83 34 53 2 2 0 -74 86 78 78 18 44 20 94 85 71 4 1 -27 48 44 92 10 18 74 54 25 85 2 0 -74 77 28 75 74 91 69 36 95 68 7 0 -32 84 17 18 55 79 59 57 21 69 2 1 -69 77 40 98 83 40 4 66 39 83 1 1 -63 24 32 39 75 92 81 49 2 51 5 1 -35 40 84 71 3 16 82 91 44 52 8 0 -21 78 66 4 57 27 21 89 4 34 7 1 -94 18 57 49 88 26 29 76 56 67 6 0 -14 91 71 30 5 36 28 74 16 73 3 1 -93 36 43 46 77 44 59 19 56 84 3 0 -11 16 2 67 11 96 20 91 20 59 2 1 -72 79 26 99 90 71 56 46 35 99 3 0 -29 87 20 40 13 14 14 40 61 27 6 0 -41 64 28 51 56 52 87 67 37 91 6 1 -33 14 5 30 99 54 27 80 54 55 4 1 -60 44 73 91 71 53 54 95 59 81 6 0 -69 33 11 83 4 53 34 39 43 84 1 0 -73 31 19 4 50 20 66 73 94 88 4 0 -30 49 41 76 5 21 88 69 76 3 2 0 -18 50 27 76 67 38 87 16 52 87 5 1 -33 36 80 8 43 82 89 76 37 3 5 0 -98 21 61 24 58 13 9 85 56 74 1 1 -84 27 50 96 9 56 30 31 85 65 1 1 -65 74 40 2 8 40 18 57 30 38 1 1 -76 44 64 6 10 32 84 70 74 24 1 1 -14 29 59 34 27 8 0 37 27 68 3 0 - 6 47 5 77 15 41 93 49 59 83 4 1 -39 88 43 89 32 98 82 0 5 12 9 0 -78 79 30 26 58 6 9 58 37 65 8 1 -25 28 66 41 70 87 76 62 29 39 7 1 diff --git a/models/contentunderstanding/classification/model.py b/models/contentunderstanding/classification/model.py index cb84e7385471a114e5235404bee019ac4e5f6477..2347646cda2a6b7805bf9cb7c5e5fbb189af7b53 100644 --- a/models/contentunderstanding/classification/model.py +++ b/models/contentunderstanding/classification/model.py @@ -20,28 +20,32 @@ from paddlerec.core.model import ModelBase class Model(ModelBase): def __init__(self, config): ModelBase.__init__(self, config) - self.dict_dim = 100 - self.max_len = 10 - self.cnn_dim = 32 - self.cnn_filter_size = 128 - self.emb_dim = 8 - self.hid_dim = 128 - self.class_dim = 2 - self.is_sparse = envs.get_global_env("hyper_parameters.is_sparse", - False) + self.dict_dim = envs.get_global_env("hyper_parameters.dict_dim") + self.max_len = envs.get_global_env("hyper_parameters.max_len") + self.cnn_dim = envs.get_global_env("hyper_parameters.cnn_dim") + self.cnn_filter_size1 = envs.get_global_env( + "hyper_parameters.cnn_filter_size1") + self.cnn_filter_size2 = envs.get_global_env( + "hyper_parameters.cnn_filter_size2") + self.cnn_filter_size3 = envs.get_global_env( + "hyper_parameters.cnn_filter_size3") + self.emb_dim = envs.get_global_env("hyper_parameters.emb_dim") + self.hid_dim = envs.get_global_env("hyper_parameters.hid_dim") + self.class_dim = envs.get_global_env("hyper_parameters.class_dim") + self.is_sparse = envs.get_global_env("hyper_parameters.is_sparse") def input_data(self, is_infer=False, **kwargs): data = fluid.data( name="input", shape=[None, self.max_len], dtype='int64') - label = fluid.data(name="label", shape=[None, 1], dtype='int64') seq_len = fluid.data(name="seq_len", shape=[None], dtype='int64') - return [data, label, seq_len] + label = fluid.data(name="label", shape=[None, 1], dtype='int64') + return [data, seq_len, label] def net(self, input, is_infer=False): """ network definition """ data = input[0] - label = input[1] - seq_len = input[2] + seq_len = input[1] + label = input[2] # embedding layer emb = fluid.embedding( @@ -50,15 +54,31 @@ class Model(ModelBase): is_sparse=self.is_sparse) emb = fluid.layers.sequence_unpad(emb, length=seq_len) # convolution layer - conv = fluid.nets.sequence_conv_pool( + conv1 = fluid.nets.sequence_conv_pool( + input=emb, + num_filters=self.cnn_dim, + filter_size=self.cnn_filter_size1, + act="tanh", + pool_type="max") + + conv2 = fluid.nets.sequence_conv_pool( input=emb, num_filters=self.cnn_dim, - filter_size=self.cnn_filter_size, + filter_size=self.cnn_filter_size2, act="tanh", pool_type="max") + conv3 = fluid.nets.sequence_conv_pool( + input=emb, + num_filters=self.cnn_dim, + filter_size=self.cnn_filter_size3, + act="tanh", + pool_type="max") + + convs_out = fluid.layers.concat(input=[conv1, conv2, conv3], axis=1) + # full connect layer - fc_1 = fluid.layers.fc(input=[conv], size=self.hid_dim) + fc_1 = fluid.layers.fc(input=convs_out, size=self.hid_dim, act="tanh") # softmax layer prediction = fluid.layers.fc(input=[fc_1], size=self.class_dim, @@ -70,5 +90,7 @@ class Model(ModelBase): self._cost = avg_cost if is_infer: self._infer_results["acc"] = acc + self._infer_results["loss"] = avg_cost else: self._metrics["acc"] = acc + self._metrics["loss"] = avg_cost diff --git a/models/contentunderstanding/classification/reader.py b/models/contentunderstanding/classification/reader.py index 1e782cca99b5980e2cce45ebf13018ea74e8e21d..810c5d08698467a42b7b0b46752ff0657b2049c7 100644 --- a/models/contentunderstanding/classification/reader.py +++ b/models/contentunderstanding/classification/reader.py @@ -23,9 +23,10 @@ class Reader(ReaderBase): def _process_line(self, l): l = l.strip().split() - data = l[0:10] - seq_len = l[10:11] - label = l[11:] + data = l[0:100] + seq_len = l[100:101] + label = l[101:] + return data, label, seq_len def generate_sample(self, line): @@ -37,6 +38,6 @@ class Reader(ReaderBase): data = [int(i) for i in data] label = [int(i) for i in label] seq_len = [int(i) for i in seq_len] - yield [('data', data), ('label', label), ('seq_len', seq_len)] + yield [('data', data), ('seq_len', seq_len), ('label', label)] return data_iter diff --git a/models/contentunderstanding/classification/readme.md b/models/contentunderstanding/classification/readme.md new file mode 100644 index 0000000000000000000000000000000000000000..1326a55d9cbe9650b45ea99db8569bd7ef13b3a7 --- /dev/null +++ b/models/contentunderstanding/classification/readme.md @@ -0,0 +1,131 @@ +# classification文本分类模型 + +以下是本例的简要目录结构及说明: + +``` +├── data #样例数据 + ├── train + ├── train.txt #训练数据样例 + ├── test + ├── test.txt #测试数据样例 + ├── preprocess.py #数据处理程序 +├── __init__.py +├── README.md #文档 +├── model.py #模型文件 +├── config.yaml #配置文件 +├── reader.py #读取程序 +``` + +注:在阅读该示例前,建议您先了解以下内容: +[paddlerec入门教程](https://github.com/PaddlePaddle/PaddleRec/blob/master/README.md) + + +## 内容 + +- [模型简介](#模型简介) +- [数据准备](#数据准备) +- [运行环境](#运行环境) +- [快速开始](#快速开始) +- [效果复现](#效果复现) +- [进阶使用](#进阶使用) +- [FAQ](#FAQ) + + +## 模型简介 +TextCNN网络是2014年提出的用来做文本分类的卷积神经网络,由于其结构简单、效果好,在文本分类、推荐等NLP领域应用广泛。对于文本分类问题,常见的方法无非就是抽取文本的特征。然后再基于抽取的特征训练一个分类器。 然而研究证明,TextCnn在文本分类问题上有着更加卓越的表现。从直观上理解,TextCNN通过一维卷积来获取句子中n-gram的特征表示。TextCNN对文本浅层特征的抽取能力很强,在短文本领域专注于意图分类时效果很好,应用广泛,且速度较快。 +Yoon Kim在论文[EMNLP 2014][Convolutional neural networks for sentence classication](https://www.aclweb.org/anthology/D14-1181.pdf)提出了TextCNN并给出基本的结构。将卷积神经网络CNN应用到文本分类任务,利用多个不同size的kernel来提取句子中的关键信息(类似于多窗口大小的ngram),从而能够更好地捕捉局部相关性。模型的主体结构如图所示: +

+ +

+ +## 数据准备 +情感倾向分析(Sentiment Classification,简称Senta)针对带有主观描述的中文文本,可自动判断该文本的情感极性类别并给出相应的置信度。情感类型分为积极、消极。情感倾向分析能够帮助企业理解用户消费习惯、分析热点话题和危机舆情监控,为企业提供有利的决策支持。 +情感是人类的一种高级智能行为,为了识别文本的情感倾向,需要深入的语义建模。另外,不同领域(如餐饮、体育)在情感的表达各不相同,因而需要有大规模覆盖各个领域的数据进行模型训练。为此,我们通过基于深度学习的语义模型和大规模数据挖掘解决上述两个问题。效果上,我们基于开源情感倾向分类数据集ChnSentiCorp进行评测,模型在测试集上的准确率如表所示: + +| 模型 | dev | test | +| :------| :------ | :------ +| TextCNN | 90.75% | 92.19% | + + +您可以直接执行以下命令下载我们分词完毕后的数据集,文件解压之后,senta_data目录下会存在训练数据(train.tsv)、开发集数据(dev.tsv)、测试集数据(test.tsv)以及对应的词典(word_dict.txt): + +``` +wget https://baidu-nlp.bj.bcebos.com/sentiment_classification-dataset-1.0.0.tar.gz +tar -zxvf sentiment_classification-dataset-1.0.0.tar.gz +``` +数据格式为一句中文的评价语句,和一个代表情感信息的标签。两者之间用/t分隔,中文的评价语句已经分词,词之间用空格分隔。 +``` +15.4寸 笔记本 的 键盘 确实 爽 , 基本 跟 台式机 差不多 了 , 蛮 喜欢 数字 小 键盘 , 输 数字 特 方便 , 样子 也 很 美观 , 做工 也 相当 不错 1 +跟 心灵 鸡汤 没 什么 本质 区别 嘛 , 至少 我 不 喜欢 这样 读 经典 , 把 经典 都 解读 成 这样 有点 去 中国 化 的 味道 了 0 +``` + +## 运行环境 +PaddlePaddle>=1.7.2 + +python 2.7/3.5/3.6/3.7 + +PaddleRec >=0.1 + +os : windows/linux/macos + + +## 快速开始 +本文提供了样例数据可以供您快速体验,在paddlerec目录下直接执行下面的命令即可启动训练: + +``` +python -m paddlerec.run -m models/contentunderstanding/classification/config.yaml +``` + + +## 效果复现 +为了方便使用者能够快速的跑通每一个模型,我们在每个模型下都提供了样例数据。如果需要复现readme中的效果,请按如下步骤依次操作即可。 +1. 确认您当前所在目录为PaddleRec/models/contentunderstanding/classification +2. 下载并解压数据集,命令如下: +``` +wget https://baidu-nlp.bj.bcebos.com/sentiment_classification-dataset-1.0.0.tar.gz +tar -zxvf sentiment_classification-dataset-1.0.0.tar.gz +``` +3. 本文提供了快速将数据集中的汉字数据处理为可训练格式数据的脚本,您在解压数据集后,将preprocess.py复制到senta_data文件中并执行,即可将数据集中提供的dev.tsv,test.tsv,train.tsv转化为可直接训练的dev.txt,test.txt,train.txt. +``` +cp ./data/preprocess.py ./senta_data/ +cd senta_data/ +python preprocess.py +``` +4. 创建存放训练集和测试集的目录,将数据放入目录中。 +``` +mkdir train +mv train.txt train +mkdir test +mv dev.txt test +cd .. +``` +5. 打开文件config.yaml,更改其中的参数 + +将workspace改为您当前的绝对路径。(可用pwd命令获取绝对路径) +将data1下的batch_size值从10改为128 +将data1下的data_path改为:{workspace}/senta_data/train +将dataset_infer下的batch_size值从2改为256 +将dataset_infer下的data_path改为:{workspace}/senta_data/test + +6. 执行命令,开始训练: +``` +python -m paddlerec.run -m ./config.yaml +``` + +7. 运行结果: +``` +PaddleRec: Runner infer_runner Begin +Executor Mode: infer +processor_register begin +Running SingleInstance. +Running SingleNetwork. +Running SingleInferStartup. +Running SingleInferRunner. +load persistables from increment/14 +batch: 1, acc: [0.91796875], loss: [0.2287855] +batch: 2, acc: [0.91796875], loss: [0.22827303] +batch: 3, acc: [0.90234375], loss: [0.27907994] +``` +## 进阶使用 + +## FAQ diff --git a/models/contentunderstanding/readme.md b/models/contentunderstanding/readme.md index ba63b620886c5a9346b1e5bb9d69e0aa15336df9..91d2a2db335fb45ef04d62db13f692aff5b2e500 100644 --- a/models/contentunderstanding/readme.md +++ b/models/contentunderstanding/readme.md @@ -22,12 +22,12 @@ | 模型 | 简介 | 论文 | | :------------------: | :--------------------: | :---------: | -| TagSpace | 标签推荐 | [EMNLP 2014][TagSpace: Semantic Embeddings from Hashtags](https://research.fb.com/publications/tagspace-semantic-embeddings-from-hashtags/) | +| TagSpace | 标签推荐 | [EMNLP 2014][TagSpace: Semantic Embeddings from Hashtags](https://www.aclweb.org/anthology/D14-1194.pdf) | | Classification | 文本分类 | [EMNLP 2014][Convolutional neural networks for sentence classication](https://www.aclweb.org/anthology/D14-1181.pdf) | 下面是每个模型的简介(注:图片引用自链接中的论文) -[TagSpace模型](https://research.fb.com/publications/tagspace-semantic-embeddings-from-hashtags) +[TagSpace模型](https://www.aclweb.org/anthology/D14-1194.pdf)

@@ -37,89 +37,173 @@

-##使用教程(快速开始) +## 使用教程(快速开始) ``` git clone https://github.com/PaddlePaddle/PaddleRec.git paddle-rec -cd paddle-rec - +cd PaddleRec python -m paddlerec.run -m models/contentunderstanding/tagspace/config.yaml python -m paddlerec.run -m models/contentunderstanding/classification/config.yaml ``` ## 使用教程(复现论文) -###注意 +### 注意 为了方便使用者能够快速的跑通每一个模型,我们在每个模型下都提供了样例数据。如果需要复现readme中的效果请使用以下提供的脚本下载对应数据集以及数据预处理。 -### 数据处理 **(1)TagSpace** +### 数据处理 [数据地址](https://github.com/mhjabreel/CharCNN/tree/master/data/) , [备份数据地址](https://paddle-tagspace.bj.bcebos.com/data.tar) - + 数据格式如下 ``` "3","Wall St. Bears Claw Back Into the Black (Reuters)","Reuters - Short-sellers, Wall Street's dwindling\band of ultra-cynics, are seeing green again." ``` -数据解压后,将文本数据转为paddle数据,先将数据放到训练数据目录和测试数据目录 - +本文提供了快速将数据集中的汉字数据处理为可训练格式数据的脚本,您在解压数据集后,将原始数据存放在raw_big_train_data和raw_big_test_data两个目录下,并在python3环境下运行我们提供的text2paddle.py文件。即可生成可以直接用于训练的数据目录test_big_data和train_big_data。命令如下: ``` mkdir raw_big_train_data mkdir raw_big_test_data mv train.csv raw_big_train_data mv test.csv raw_big_test_data +python3 text2paddle.py raw_big_train_data/ raw_big_test_data/ train_big_data test_big_data big_vocab_text.txt big_vocab_tag.txt ``` -运行脚本text2paddle.py 生成paddle输入格式 +运行后的data目录: + +``` +big_vocab_tag.txt #标签词汇数 +big_vocab_text.txt #文本词汇数 +data.tar #数据集 +raw_big_train_data #数据集中原始的训练集 +raw_big_test_data #数据集中原始的测试集 +train_data #样例训练集 +test_data #样例测试集 +train_big_data #数据集经处理后的训练集 +test_big_data #数据集经处理后的测试集 +text2paddle.py #预处理文件 +``` +处理完成的数据格式如下: ``` -python text2paddle.py raw_big_train_data/ raw_big_test_data/ train_big_data test_big_data big_vocab_text.txt big_vocab_tag.txt +2,27 7062 8390 456 407 8 11589 3166 4 7278 31046 33 3898 2897 426 1 +2,27 9493 836 355 20871 300 81 19 3 4125 9 449 462 13832 6 16570 1380 2874 5 0 797 236 19 3688 2106 14 8615 7 209 304 4 0 123 1 +2,27 12754 637 106 3839 1532 66 0 379 6 0 1246 9 307 33 161 2 8100 36 0 350 123 101 74 181 0 6657 4 0 1222 17195 1 ``` + ### 训练 +退回tagspace目录中,打开文件config.yaml,更改其中的参数 +将workspace改为您当前的绝对路径。(可用pwd命令获取绝对路径) +将dataset下sample_1的batch_size值从10改为128 +将dataset下sample_1的data_path改为:{workspace}/data/train_big_data +将dataset下inferdata的batch_size值从10改为500 +将dataset下inferdata的data_path改为:{workspace}/data/test_big_data +执行命令,开始训练: ``` -cd modles/contentunderstanding/tagspace -python -m paddlerec.run -m ./config.yaml # 自定义修改超参后,指定配置文件,使用自定义配置 +python -m paddlerec.run -m ./config.yaml ``` ### 预测 +在跑完训练后,模型会开始在验证集上预测。 +运行结果: +``` +PaddleRec: Runner infer_runner Begin +Executor Mode: infer +processor_register begin +Running SingleInstance. +Running SingleNetwork. +Running SingleInferStartup. +Running SingleInferRunner. +load persistables from increment/9 +batch: 1, acc: [0.91], loss: [0.02495437] +batch: 2, acc: [0.936], loss: [0.01941476] +batch: 3, acc: [0.918], loss: [0.02116447] +batch: 4, acc: [0.916], loss: [0.0219945] +batch: 5, acc: [0.902], loss: [0.02242816] +batch: 6, acc: [0.9], loss: [0.02421589] +batch: 7, acc: [0.9], loss: [0.026441] +batch: 8, acc: [0.934], loss: [0.01797657] +batch: 9, acc: [0.932], loss: [0.01687362] +batch: 10, acc: [0.926], loss: [0.02047823] +batch: 11, acc: [0.918], loss: [0.01998716] +batch: 12, acc: [0.898], loss: [0.0229556] +batch: 13, acc: [0.928], loss: [0.01736144] +batch: 14, acc: [0.93], loss: [0.01911209] ``` -# 修改对应模型的config.yaml, workspace配置为当前目录的绝对路径 -# 修改对应模型的config.yaml,mode配置infer_runner -# 示例: mode: train_runner -> mode: infer_runner -# infer_runner中 class配置为 class: infer -# 修改phase阶段为infer的配置,参照config注释 -# 修改完config.yaml后 执行: -python -m paddlerec.run -m ./config.yaml +**(2)Classification** + +### 数据处理 +情感倾向分析(Sentiment Classification,简称Senta)针对带有主观描述的中文文本,可自动判断该文本的情感极性类别并给出相应的置信度。情感类型分为积极、消极。情感倾向分析能够帮助企业理解用户消费习惯、分析热点话题和危机舆情监控,为企业提供有利的决策支持。 +情感是人类的一种高级智能行为,为了识别文本的情感倾向,需要深入的语义建模。另外,不同领域(如餐饮、体育)在情感的表达各不相同,因而需要有大规模覆盖各个领域的数据进行模型训练。为此,我们通过基于深度学习的语义模型和大规模数据挖掘解决上述两个问题。效果上,我们基于开源情感倾向分类数据集ChnSentiCorp进行评测。 +您可以直接执行以下命令下载我们分词完毕后的数据集,文件解压之后,senta_data目录下会存在训练数据(train.tsv)、开发集数据(dev.tsv)、测试集数据(test.tsv)以及对应的词典(word_dict.txt): + +``` +wget https://baidu-nlp.bj.bcebos.com/sentiment_classification-dataset-1.0.0.tar.gz +tar -zxvf sentiment_classification-dataset-1.0.0.tar.gz ``` -**(2)Classification** +数据格式为一句中文的评价语句,和一个代表情感信息的标签。两者之间用/t分隔,中文的评价语句已经分词,词之间用空格分隔。 -### 训练 ``` -cd modles/contentunderstanding/classification -python -m paddlerec.run -m ./config.yaml # 自定义修改超参后,指定配置文件,使用自定义配置 +15.4寸 笔记本 的 键盘 确实 爽 , 基本 跟 台式机 差不多 了 , 蛮 喜欢 数字 小 键盘 , 输 数字 特 方便 , 样子 也 很 美观 , 做工 也 相当 不错 1 +跟 心灵 鸡汤 没 什么 本质 区别 嘛 , 至少 我 不 喜欢 这样 读 经典 , 把 经典 都 解读 成 这样 有点 去 中国 化 的 味道 了 0 +``` +本文提供了快速将数据集中的汉字数据处理为可训练格式数据的脚本,您在解压数据集后,将preprocess.py复制到senta_data文件中并执行,即可将数据集中提供的dev.tsv,test.tsv,train.tsv转化为可直接训练的dev.txt,test.txt,train.txt. +``` +cp ./data/preprocess.py ./senta_data/ +cd senta_data/ +python preprocess.py ``` -### 预测 +### 训练 +创建存放训练集和测试集的目录,将数据放入目录中。 ``` -# 修改对应模型的config.yaml, workspace配置为当前目录的绝对路径 -# 修改对应模型的config.yaml,mode配置infer_runner -# 示例: mode: train_runner -> mode: infer_runner -# infer_runner中 class配置为 class: infer -# 修改phase阶段为infer的配置,参照config注释 +mkdir train +mv train.txt train +mkdir test +mv dev.txt test +cd .. +``` + +打开文件config.yaml,更改其中的参数 +将workspace改为您当前的绝对路径。(可用pwd命令获取绝对路径) +将data1下的batch_size值从10改为128 +将data1下的data_path改为:{workspace}/senta_data/train +将dataset_infer下的batch_size值从2改为256 +将dataset_infer下的data_path改为:{workspace}/senta_data/test -# 修改完config.yaml后 执行: +执行命令,开始训练: +``` python -m paddlerec.run -m ./config.yaml ``` +### 预测 +在跑完训练后,模型会开始在验证集上预测。 +运行结果: + +``` +PaddleRec: Runner infer_runner Begin +Executor Mode: infer +processor_register begin +Running SingleInstance. +Running SingleNetwork. +Running SingleInferStartup. +Running SingleInferRunner. +load persistables from increment/14 +batch: 1, acc: [0.91796875], loss: [0.2287855] +batch: 2, acc: [0.91796875], loss: [0.22827303] +batch: 3, acc: [0.90234375], loss: [0.27907994] +``` + + ## 效果对比 ### 模型效果 (测试) -| 数据集 | 模型 | loss | auc | acc | mae | -| :------------------: | :--------------------: | :---------: |:---------: | :---------: |:---------: | -| ag news dataset | TagSpace | -- | -- | -- | -- | -| -- | Classification | -- | -- | -- | -- | +| 数据集 | 模型 | loss | acc | +| :------------------: | :--------------------: | :---------: |:---------: | +| ag news dataset | TagSpace | 0.0198 | 0.9177 | +| ChnSentiCorp | Classification | 0.2282 | 0.9127 | diff --git a/models/contentunderstanding/tagspace/config.yaml b/models/contentunderstanding/tagspace/config.yaml index 84c9ac82e5d427d9433499b030cf9d372086c2cb..994676ef716c379db9373a7461f5c7a2f28a2c87 100644 --- a/models/contentunderstanding/tagspace/config.yaml +++ b/models/contentunderstanding/tagspace/config.yaml @@ -16,16 +16,21 @@ workspace: "models/contentunderstanding/tagspace" dataset: - name: sample_1 - type: QueueDataset - batch_size: 5 + type: DataLoader + batch_size: 10 data_path: "{workspace}/data/train_data" data_converter: "{workspace}/reader.py" +- name: inferdata + type: DataLoader + batch_size: 10 + data_path: "{workspace}/data/test_data" + data_converter: "{workspace}/reader.py" hyper_parameters: optimizer: class: Adagrad learning_rate: 0.001 - vocab_text_size: 11447 + vocab_text_size: 75378 vocab_tag_size: 4 emb_dim: 10 hid_dim: 1000 @@ -34,22 +39,34 @@ hyper_parameters: neg_size: 3 num_devices: 1 -mode: runner1 +mode: [runner1,infer_runner] runner: - name: runner1 class: train epochs: 10 device: cpu - save_checkpoint_interval: 2 - save_inference_interval: 4 + save_checkpoint_interval: 1 + save_inference_interval: 1 save_checkpoint_path: "increment" save_inference_path: "inference" save_inference_feed_varnames: [] save_inference_fetch_varnames: [] + phases: phase1 +- name: infer_runner + class: infer + # device to run training or infer + device: cpu + print_interval: 1 + init_model_path: "increment/9" # load model path + phases: phase_infer phase: - name: phase1 model: "{workspace}/model.py" dataset_name: sample_1 thread_num: 1 +- name: phase_infer + model: "{workspace}/model.py" + dataset_name: inferdata + thread_num: 1 diff --git a/models/contentunderstanding/tagspace/data/text2paddle.py b/models/contentunderstanding/tagspace/data/text2paddle.py new file mode 100644 index 0000000000000000000000000000000000000000..9b4a4fafb2945bfb30869dafb86e066096a8bea0 --- /dev/null +++ b/models/contentunderstanding/tagspace/data/text2paddle.py @@ -0,0 +1,126 @@ +# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import sys +import six +import collections +import os +import csv +import re +import sys +if six.PY2: + reload(sys) + sys.setdefaultencoding('utf-8') + + +def word_count(column_num, input_file, word_freq=None): + """ + compute word count from corpus + """ + if word_freq is None: + word_freq = collections.defaultdict(int) + data_file = csv.reader(input_file) + for row in data_file: + for w in re.split(r'\W+', row[column_num].strip()): + word_freq[w] += 1 + return word_freq + + +def build_dict(column_num=2, min_word_freq=0, train_dir="", test_dir=""): + """ + Build a word dictionary from the corpus, Keys of the dictionary are words, + and values are zero-based IDs of these words. + """ + word_freq = collections.defaultdict(int) + files = os.listdir(train_dir) + for fi in files: + with open(os.path.join(train_dir, fi), "r", encoding='utf-8') as f: + word_freq = word_count(column_num, f, word_freq) + files = os.listdir(test_dir) + for fi in files: + with open(os.path.join(test_dir, fi), "r", encoding='utf-8') as f: + word_freq = word_count(column_num, f, word_freq) + + word_freq = [x for x in six.iteritems(word_freq) if x[1] > min_word_freq] + word_freq_sorted = sorted(word_freq, key=lambda x: (-x[1], x[0])) + words, _ = list(zip(*word_freq_sorted)) + word_idx = dict(list(zip(words, six.moves.range(len(words))))) + return word_idx + + +def write_paddle(text_idx, tag_idx, train_dir, test_dir, output_train_dir, + output_test_dir): + files = os.listdir(train_dir) + if not os.path.exists(output_train_dir): + os.mkdir(output_train_dir) + for fi in files: + with open(os.path.join(train_dir, fi), "r", encoding='utf-8') as f: + with open( + os.path.join(output_train_dir, fi), "w", + encoding='utf-8') as wf: + data_file = csv.reader(f) + for row in data_file: + tag_raw = re.split(r'\W+', row[0].strip()) + pos_index = tag_idx.get(tag_raw[0]) + wf.write(str(pos_index) + ",") + text_raw = re.split(r'\W+', row[2].strip()) + l = [text_idx.get(w) for w in text_raw] + for w in l: + wf.write(str(w) + " ") + wf.write("\n") + + files = os.listdir(test_dir) + if not os.path.exists(output_test_dir): + os.mkdir(output_test_dir) + for fi in files: + with open(os.path.join(test_dir, fi), "r", encoding='utf-8') as f: + with open( + os.path.join(output_test_dir, fi), "w", + encoding='utf-8') as wf: + data_file = csv.reader(f) + for row in data_file: + tag_raw = re.split(r'\W+', row[0].strip()) + pos_index = tag_idx.get(tag_raw[0]) + wf.write(str(pos_index) + ",") + text_raw = re.split(r'\W+', row[2].strip()) + l = [text_idx.get(w) for w in text_raw] + for w in l: + wf.write(str(w) + " ") + wf.write("\n") + + +def text2paddle(train_dir, test_dir, output_train_dir, output_test_dir, + output_vocab_text, output_vocab_tag): + print("start constuct word dict") + vocab_text = build_dict(2, 0, train_dir, test_dir) + with open(output_vocab_text, "w", encoding='utf-8') as wf: + wf.write(str(len(vocab_text)) + "\n") + + vocab_tag = build_dict(0, 0, train_dir, test_dir) + with open(output_vocab_tag, "w", encoding='utf-8') as wf: + wf.write(str(len(vocab_tag)) + "\n") + + print("construct word dict done\n") + write_paddle(vocab_text, vocab_tag, train_dir, test_dir, output_train_dir, + output_test_dir) + + +train_dir = sys.argv[1] +test_dir = sys.argv[2] +output_train_dir = sys.argv[3] +output_test_dir = sys.argv[4] +output_vocab_text = sys.argv[5] +output_vocab_tag = sys.argv[6] +text2paddle(train_dir, test_dir, output_train_dir, output_test_dir, + output_vocab_text, output_vocab_tag) diff --git a/models/contentunderstanding/tagspace/model.py b/models/contentunderstanding/tagspace/model.py index 8ee26ee4f7a2f7b21cc565eb27d8a0a6e55b4080..d07199233f0b4cb7895cda86f1a971278a4a0585 100644 --- a/models/contentunderstanding/tagspace/model.py +++ b/models/contentunderstanding/tagspace/model.py @@ -16,7 +16,6 @@ import paddle.fluid as fluid import paddle.fluid.layers.nn as nn import paddle.fluid.layers.tensor as tensor import paddle.fluid.layers.control_flow as cf - from paddlerec.core.model import ModelBase from paddlerec.core.utils import envs @@ -98,14 +97,19 @@ class Model(ModelBase): tensor.fill_constant_batch_size_like( input=loss_part2, shape=[-1, 1], value=0.0, dtype='float32'), loss_part2) - avg_cost = nn.mean(loss_part3) + avg_cost = fluid.layers.mean(loss_part3) + less = tensor.cast(cf.less_than(cos_neg, cos_pos), dtype='float32') + label_ones = fluid.layers.fill_constant_batch_size_like( + input=cos_neg, dtype='float32', shape=[-1, 1], value=1.0) correct = nn.reduce_sum(less) + total = fluid.layers.reduce_sum(label_ones) + acc = fluid.layers.elementwise_div(correct, total) self._cost = avg_cost if is_infer: - self._infer_results["correct"] = correct - self._infer_results["cos_pos"] = cos_pos + self._infer_results["acc"] = acc + self._infer_results["loss"] = self._cost else: - self._metrics["correct"] = correct - self._metrics["cos_pos"] = cos_pos + self._metrics["acc"] = acc + self._metrics["loss"] = self._cost diff --git a/models/contentunderstanding/tagspace/readme.md b/models/contentunderstanding/tagspace/readme.md new file mode 100644 index 0000000000000000000000000000000000000000..49647635e4508ec879ec55dc950b052b23db0bf1 --- /dev/null +++ b/models/contentunderstanding/tagspace/readme.md @@ -0,0 +1,147 @@ +# tagspace文本分类模型 + +以下是本例的简要目录结构及说明: + +``` +├── data #样例数据 + ├── train_data + ├── small_train.csv #训练数据样例 + ├── test_data + ├── small_test.csv #测试数据样例 + ├── text2paddle.py #数据处理程序 +├── __init__.py +├── README.md #文档 +├── model.py #模型文件 +├── config.yaml #配置文件 +├── reader.py #读取程序 +``` + +注:在阅读该示例前,建议您先了解以下内容: + +[paddlerec入门教程](https://github.com/PaddlePaddle/PaddleRec/blob/master/README.md) + +## 内容 + +- [模型简介](#模型简介) +- [数据准备](#数据准备) +- [运行环境](#运行环境) +- [快速开始](#快速开始) +- [效果复现](#效果复现) +- [进阶使用](#进阶使用) +- [FAQ](#FAQ) + + +## 模型简介 +tagspace模型是一种对文本打标签的方法,它主要学习从短文到相关主题标签的映射。论文中主要利用CNN做doc向量, 然后优化 f(w,t+),f(w,t-)的距离作为目标函数,得到了 t(标签)和doc在一个特征空间的向量表达,这样就可以找 doc的hashtags了。 + +论文[TAGSPACE: Semantic Embeddings from Hashtags](https://www.aclweb.org/anthology/D14-1194.pdf)中的网络结构如图所示,一层输入层,一个卷积层,一个pooling层以及最后一个全连接层进行降维。 +

+ +

+ +## 数据准备 +[数据地址](https://github.com/mhjabreel/CharCNN/tree/master/data/) , [备份数据地址](https://paddle-tagspace.bj.bcebos.com/data.tar) + +数据格式如下: +``` +"3","Wall St. Bears Claw Back Into the Black (Reuters)","Reuters - Short-sellers, Wall Street's dwindling\band of ultra-cynics, are seeing green again." +``` + +## 运行环境 +PaddlePaddle>=1.7.2 + +python 2.7/3.5/3.6/3.7 + +PaddleRec >=0.1 + +os : windows/linux/macos + + +## 快速开始 +本文提供了样例数据可以供您快速体验,在paddlerec目录下直接执行下面的命令即可启动训练: + +``` +python -m paddlerec.run -m models/contentunderstanding/tagspace/config.yaml +``` + + +## 效果复现 +为了方便使用者能够快速的跑通每一个模型,我们在每个模型下都提供了样例数据。如果需要复现readme中的效果,请按如下步骤依次操作即可。 +1. 确认您当前所在目录为PaddleRec/models/contentunderstanding/tagspace +2. 在data目录下载并解压数据集,命令如下: +``` +cd data +wget https://paddle-tagspace.bj.bcebos.com/data.tar +tar -xvf data.tar +``` +3. 本文提供了快速将数据集中的汉字数据处理为可训练格式数据的脚本,您在解压数据集后,将原始数据存放在raw_big_train_data和raw_big_test_data两个目录下,并在python3环境下运行我们提供的text2paddle.py文件。即可生成可以直接用于训练的数据目录test_big_data和train_big_data。命令如下: +``` +mkdir raw_big_train_data +mkdir raw_big_test_data +mv train.csv raw_big_train_data +mv test.csv raw_big_test_data +python3 text2paddle.py raw_big_train_data/ raw_big_test_data/ train_big_data test_big_data big_vocab_text.txt big_vocab_tag.txt +``` + +运行后的data目录: + +``` +big_vocab_tag.txt #标签词汇数 +big_vocab_text.txt #文本词汇数 +data.tar #数据集 +raw_big_train_data #数据集中原始的训练集 +raw_big_test_data #数据集中原始的测试集 +train_data #样例训练集 +test_data #样例测试集 +train_big_data #数据集经处理后的训练集 +test_big_data #数据集经处理后的测试集 +text2paddle.py #预处理文件 +``` + +处理完成的数据格式如下: +``` +2,27 7062 8390 456 407 8 11589 3166 4 7278 31046 33 3898 2897 426 1 +2,27 9493 836 355 20871 300 81 19 3 4125 9 449 462 13832 6 16570 1380 2874 5 0 797 236 19 3688 2106 14 8615 7 209 304 4 0 123 1 +2,27 12754 637 106 3839 1532 66 0 379 6 0 1246 9 307 33 161 2 8100 36 0 350 123 101 74 181 0 6657 4 0 1222 17195 1 +``` + +4. 退回tagspace目录中,打开文件config.yaml,更改其中的参数 +将workspace改为您当前的绝对路径。(可用pwd命令获取绝对路径) +将dataset下sample_1的batch_size值从10改为128 +将dataset下sample_1的data_path改为:{workspace}/data/train_big_data +将dataset下inferdata的batch_size值从10改为500 +将dataset下inferdata的data_path改为:{workspace}/data/test_big_data + +5. 执行命令,开始训练: +``` +python -m paddlerec.run -m ./config.yaml +``` +6. 运行结果: +``` +PaddleRec: Runner infer_runner Begin +Executor Mode: infer +processor_register begin +Running SingleInstance. +Running SingleNetwork. +Running SingleInferStartup. +Running SingleInferRunner. +load persistables from increment/9 +batch: 1, acc: [0.91], loss: [0.02495437] +batch: 2, acc: [0.936], loss: [0.01941476] +batch: 3, acc: [0.918], loss: [0.02116447] +batch: 4, acc: [0.916], loss: [0.0219945] +batch: 5, acc: [0.902], loss: [0.02242816] +batch: 6, acc: [0.9], loss: [0.02421589] +batch: 7, acc: [0.9], loss: [0.026441] +batch: 8, acc: [0.934], loss: [0.01797657] +batch: 9, acc: [0.932], loss: [0.01687362] +batch: 10, acc: [0.926], loss: [0.02047823] +batch: 11, acc: [0.918], loss: [0.01998716] +batch: 12, acc: [0.898], loss: [0.0229556] +batch: 13, acc: [0.928], loss: [0.01736144] +batch: 14, acc: [0.93], loss: [0.01911209] +``` + +## 进阶使用 + +## FAQ diff --git a/models/match/dssm/config.yaml b/models/match/dssm/config.yaml index 6c0d61a2676a57f400647a1bcdc9ca6d8d6fdb1e..2f055aee8a6c4ad7de485a935cf74a17ceae0ef9 100755 --- a/models/match/dssm/config.yaml +++ b/models/match/dssm/config.yaml @@ -17,50 +17,52 @@ workspace: "models/match/dssm" dataset: - name: dataset_train - batch_size: 4 - type: QueueDataset + batch_size: 8 + type: DataLoader # or QueueDataset data_path: "{workspace}/data/train" data_converter: "{workspace}/synthetic_reader.py" - name: dataset_infer batch_size: 1 - type: QueueDataset - data_path: "{workspace}/data/train" + type: DataLoader # or QueueDataset + data_path: "{workspace}/data/test" data_converter: "{workspace}/synthetic_evaluate_reader.py" hyper_parameters: optimizer: class: sgd - learning_rate: 0.01 + learning_rate: 0.001 strategy: async - trigram_d: 1000 - neg_num: 4 + trigram_d: 1439 + neg_num: 1 fc_sizes: [300, 300, 128] fc_acts: ['tanh', 'tanh', 'tanh'] -mode: train_runner +mode: [train_runner,infer_runner] # config of each runner. # runner is a kind of paddle training class, which wraps the train/infer process. runner: - name: train_runner class: train # num of epochs - epochs: 4 + epochs: 3 # device to run training or infer device: cpu - save_checkpoint_interval: 2 # save model interval of epochs - save_inference_interval: 4 # save inference + save_checkpoint_interval: 1 # save model interval of epochs + save_inference_interval: 1 # save inference save_checkpoint_path: "increment" # save checkpoint path save_inference_path: "inference" # save inference path save_inference_feed_varnames: ["query", "doc_pos"] # feed vars of save inference save_inference_fetch_varnames: ["cos_sim_0.tmp_0"] # fetch vars of save inference init_model_path: "" # load model path print_interval: 2 + phases: phase1 - name: infer_runner class: infer # device to run training or infer device: cpu print_interval: 1 init_model_path: "increment/2" # load model path + phases: phase2 # runner will run all the phase in each epoch phase: @@ -68,7 +70,7 @@ phase: model: "{workspace}/model.py" # user-defined model dataset_name: dataset_train # select dataset by name thread_num: 1 -#- name: phase2 -# model: "{workspace}/model.py" # user-defined model -# dataset_name: dataset_infer # select dataset by name -# thread_num: 1 +- name: phase2 + model: "{workspace}/model.py" # user-defined model + dataset_name: dataset_infer # select dataset by name + thread_num: 1 diff --git a/models/match/dssm/data/preprocess.py b/models/match/dssm/data/preprocess.py new file mode 100644 index 0000000000000000000000000000000000000000..7594e4fe1e4b07992be5055e8e1fcfca63746c4e --- /dev/null +++ b/models/match/dssm/data/preprocess.py @@ -0,0 +1,125 @@ +# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +#encoding=utf-8 + +import os +import sys +import numpy as np +import random + +f = open("./zhidao", "r") +lines = f.readlines() +f.close() + +#建立字典 +word_dict = {} +for line in lines: + line = line.strip().split("\t") + text = line[0].split(" ") + line[1].split(" ") + for word in text: + if word in word_dict: + continue + else: + word_dict[word] = len(word_dict) + 1 + +f = open("./zhidao", "r") +lines = f.readlines() +f.close() + +lines = [line.strip().split("\t") for line in lines] + +#建立以query为key,以负例为value的字典 +neg_dict = {} +for line in lines: + if line[2] == "0": + if line[0] in neg_dict: + neg_dict[line[0]].append(line[1]) + else: + neg_dict[line[0]] = [line[1]] + +#建立以query为key,以正例为value的字典 +pos_dict = {} +for line in lines: + if line[2] == "1": + if line[0] in pos_dict: + pos_dict[line[0]].append(line[1]) + else: + pos_dict[line[0]] = [line[1]] + +#划分训练集和测试集 +query_list = list(pos_dict.keys()) +#print(len(query)) +random.shuffle(query_list) +train_query = query_list[:90] +test_query = query_list[90:] + +#获得训练集 +train_set = [] +for query in train_query: + for pos in pos_dict[query]: + if query not in neg_dict: + continue + for neg in neg_dict[query]: + train_set.append([query, pos, neg]) +random.shuffle(train_set) + +#获得测试集 +test_set = [] +for query in test_query: + for pos in pos_dict[query]: + test_set.append([query, pos, 1]) + if query not in neg_dict: + continue + for neg in neg_dict[query]: + test_set.append([query, neg, 0]) +random.shuffle(test_set) + +#训练集中的query,pos,neg转化为词袋 +f = open("train.txt", "w") +for line in train_set: + query = line[0].strip().split(" ") + pos = line[1].strip().split(" ") + neg = line[2].strip().split(" ") + query_token = [0] * (len(word_dict) + 1) + for word in query: + query_token[word_dict[word]] = 1 + pos_token = [0] * (len(word_dict) + 1) + for word in pos: + pos_token[word_dict[word]] = 1 + neg_token = [0] * (len(word_dict) + 1) + for word in neg: + neg_token[word_dict[word]] = 1 + f.write(','.join([str(x) for x in query_token]) + "\t" + ','.join([ + str(x) for x in pos_token + ]) + "\t" + ','.join([str(x) for x in neg_token]) + "\n") +f.close() + +#测试集中的query和pos转化为词袋 +f = open("test.txt", "w") +fa = open("label.txt", "w") +for line in test_set: + query = line[0].strip().split(" ") + pos = line[1].strip().split(" ") + label = line[2] + query_token = [0] * (len(word_dict) + 1) + for word in query: + query_token[word_dict[word]] = 1 + pos_token = [0] * (len(word_dict) + 1) + for word in pos: + pos_token[word_dict[word]] = 1 + f.write(','.join([str(x) for x in query_token]) + "\t" + ','.join( + [str(x) for x in pos_token]) + "\n") + fa.write(str(label) + "\n") +f.close() +fa.close() diff --git a/models/match/dssm/data/test/test.txt b/models/match/dssm/data/test/test.txt new file mode 100644 index 0000000000000000000000000000000000000000..67bfe1a45da45ec3c2f9cf25552c299cba76bc0d --- /dev/null +++ b/models/match/dssm/data/test/test.txt @@ -0,0 +1,100 @@ +0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 diff --git a/models/match/dssm/data/train/sample_train.txt b/models/match/dssm/data/train/sample_train.txt deleted file mode 100755 index 11eec4f49ff6b1c1d4b2e8a876b564acd86583d4..0000000000000000000000000000000000000000 --- a/models/match/dssm/data/train/sample_train.txt +++ /dev/null @@ -1,16 +0,0 @@ -0.0492098674396,0.440679165791,0.88014705142,0.910282558578,0.703066843027,0.610065442028,0.294016955999,0.659129246903,0.997923511531,0.763500293672,0.61192049369,0.684638927984,0.912401251178,0.748327224944,0.0458892971625,0.536228432527,0.760291507737,0.349248325174,0.571172838637,0.261141200551,0.69347987854,0.512377786609,0.692116187416,0.78138246278,0.329631614429,0.790042073168,0.0321566771928,0.549093314677,0.42687847102,0.0931825926427,0.107770966374,0.355084815493,0.843563925709,0.498873720846,0.848280023748,0.614269337433,0.48040608634,0.34527192098,0.185333467721,0.268970560634,0.238059206453,0.235236346583,0.751218767096,0.146626533229,0.126166148284,0.267083536672,0.610904853656,0.876222897348,0.342159446758,0.214150530746,0.496828189542,0.547470617172,0.286558192842,0.376411815112,0.741866026932,0.440813563716,0.0521295896559,0.497920970072,0.661619009235,0.238212623658,0.151005542224,0.83184190535,0.722986582637,0.507186519416,0.0163079037148,0.614425765723,0.57190779932,0.672547605348,0.332794702641,0.54271008839,0.823388609618,0.858614211124,0.633481019043,0.674173518983,0.774566512733,0.579462577847,0.415314090625,0.648306496606,0.803408485621,0.883116915716,0.344435538592,0.880654305263,0.352979689089,0.859196850225,0.72713878256,0.46140077282,0.130191619478,0.907872468452,0.913000965103,0.470974644674,0.732600074357,0.873443851848,0.628083969062,0.0113968006406,0.274742926655,0.430082480436,0.523755203632,0.329308990235,0.0453529171161,0.928364318545,0.919440421118,0.347257935647,0.0072180447153,0.397053549429,0.881437461506,0.708915562655,0.158805293217,0.523419317678,0.0940163128262,0.49251046532,0.688396895825,0.278118799938,0.930387187956,0.674929901616,0.114070128848,0.0151906206809,0.814806144589,0.412211549185,0.527841938378,0.240002799413,0.936933727962,0.247392260596,0.959576034454,0.302355021419,0.712785063451,0.823086796404,0.838816396317,0.952851591184,0.408116065802,0.0590234533338,0.670157801448,0.225584141916,0.750258812968,0.537474470504,0.980191469788,0.307499686784,0.434312319509,0.714733790671,0.819073602657,0.31074269915,0.80492752629,0.447178058603,0.776622136407,0.703554430173,0.319885558565,0.663626178167,0.936860996513,0.398223814936,0.935963445968,0.57928575073,0.512859159587,0.822121667868,0.732374442611,0.19660989124,0.668291811676,0.647019321857,0.548648730569,0.939335235626,0.856735758415,0.690104679913,0.200723947386,0.887016185496,0.250846357408,0.775272739003,0.842529816339,0.218042919738,0.27999709239,0.109502649424,0.758457213089,0.892300649308,0.134005160454,0.952836464051,0.7988318283,0.366477959635,0.0671095489083,0.162963901689,0.121171281559,0.844301890105,0.783759520633,0.330383211676,0.177057251296,0.98903431369,0.359587681433,0.284030736499,0.621236395339,0.697366739985,0.705380071584,0.758917647107,0.992399307913,0.00254101861254,0.800851995852,0.68791672807,0.344707009044,0.389150010907,0.120795255862,0.113267843004,0.710527270535,0.783032241248,0.489840916654,0.0130402148153,0.429491002377,0.611425753198,0.555878839258,0.290684699004,0.106829194009,0.53678883221,0.619576106774,0.842430927652,0.351394170203,0.539997700863,0.815822500564,0.341549370928,0.485948895928,0.418453127275,0.287213697564,0.218670808482,0.437978384,0.714406994497,0.424478621264,0.975311812617,0.181803757905,0.22151778052,0.648127460572,0.374274114594,0.121023085262,0.105212407677,0.0699937236961,0.544002177971,0.475498152498,0.110460222131,0.951088656448,0.444006301961,0.385247031825,0.0244034106951,0.964190074763,0.356480025164,0.749578017204,0.554472547593,0.906667646637,0.654230045785,0.339173651058,0.0267137827886,0.410364883396,0.592699197795,0.326437336775,0.845705855916,0.895142774418,0.669941902542,0.216810405662,0.0795065215894,0.882746710366,0.282713262113,0.153999290114,0.437786966563,0.918541799782,0.942299738416,0.561390468591,0.328547439032,0.434355773288,0.402607084352,0.260821254933,0.0724791541577,0.0951861282837,0.398700814272,0.879560287053,0.0355836783432,0.166677447378,0.696592788175,0.301272531757,0.0475953291366,0.541828470215,0.251627784477,0.587896436304,0.613018182576,0.656988591362,0.875930971534,0.578080339619,0.845893343391,0.176002605282,0.0372025519368,0.468215051675,0.765417837423,0.094360120533,0.910328762088,0.721807305375,0.187929604995,0.832485564374,0.119044428636,0.88995941204,0.959310280064,0.0599261681689,0.554130030648,0.296184784117,0.795707106557,0.487172887787,0.159069470833,0.927413891448,0.41119410171,0.336651967476,0.258772355025,0.835245226223,0.439439878853,0.705533689152,0.782389614318,0.845486229919,0.174532740253,0.777880569753,0.115987572376,0.910187793401,0.852012581681,0.0773079713229,0.0289080499577,0.431331375967,0.501549964823,0.970958811151,0.00286335260408,0.182368013419,0.562036538353,0.759053803345,0.418939777415,0.629668324882,0.332523654255,0.694948378935,0.618520339511,0.924735313292,0.372161918586,0.726097523627,0.430925674338,0.667611043868,0.373708814273,0.808011658998,0.777137434915,0.167620245585,0.355310240078,0.921147915951,0.874815496225,0.675032521944,0.63231339348,0.555287452756,0.33148552517,0.557969033294,0.527999909064,0.159206095721,0.506875709364,0.397513538723,0.584247212398,0.336900280678,0.228922916579,0.0446064520355,0.810989078574,0.270088958194,0.75735847135,0.555288157537,0.321807889651,0.908803807843,0.497207191701,0.777135923357,0.348894429315,0.700039935488,0.841838801479,0.0123109508934,0.250524224918,0.555899924582,0.361056638244,0.126236072562,0.853355152499,0.87126739058,0.367846568402,0.229623705941,0.53647692297,0.127386803459,0.564328149411,0.754056063359,0.133960523278,0.83516642342,0.600753217528,0.950697707981,0.764749427864,0.962922632588,0.430225843346,0.6388576201,0.414982643034,0.888902687831,0.564371706229,0.9278832107,0.317865545231,0.414785709123,0.986680448956,0.68693788795,0.54576645911,0.787691783539,0.412617408204,0.424788561553,0.653243679217,0.730451893852,0.409439297407,0.147944778393,0.458187549472,0.708207070074,0.325479524664,0.392962151041,0.670976933615,0.956569799562,0.274388117429,0.758069475903,0.433282631623,0.703778125116,0.508011729846,0.201377210723,0.126199105353,0.960734913311,0.946741865353,0.873451912387,0.541845317132,0.903146435695,0.433745384603,0.993409088204,0.203177096243,0.382599295387,0.557074955362,0.314859119633,0.596460696237,0.00837589582877,0.563056164658,0.106926742487,0.0514638304992,0.969087956293,0.573042739117,0.022675288514,0.838290245024,0.361174562226,0.665528334751,0.0991184148844,0.525404347967,0.00033429405209,0.343621994278,0.037279809759,0.370237868683,0.779032761368,0.152217661027,0.546750651823,0.324991799476,0.474664003333,0.0675562844316,0.710295129206,0.0293671522889,0.0190408811594,0.817201570218,0.714856666667,0.402189463117,0.834479689584,0.0818574818651,0.425879024841,0.389345747583,0.0133016896613,0.131273290314,0.296935561427,0.237675187144,0.332179752016,0.0166684584154,0.0101173338086,0.485044264341,0.975329732947,0.321139596447,0.0742057633558,0.59827183185,0.153981398598,0.979514454843,0.0856059655094,0.141706879769,0.816343906655,0.391060268856,0.184440412157,0.464282786816,0.928964045908,0.759883537962,0.569530010445,0.897339874273,0.784846340054,0.556021319737,0.191328480302,0.29359973903,0.622887861523,0.687198328808,0.620257842403,0.601766581977,0.780757134225,0.593782212419,0.647740100949,0.0514924721228,0.529316309956,0.442419971622,0.571501464922,0.600039720811,0.969123075795,0.672532993068,0.673996231902,0.356009549966,0.71657637923,0.779999675406,0.854292823857,0.514104850789,0.915884027396,0.855277470741,0.958627415206,0.693750024682,0.142406929249,0.293980758858,0.778228202073,0.63371335945,0.451950692179,0.44199109518,0.704127275834,0.843180571749,0.448156031748,0.888078938717,0.485958675161,0.845550376668,0.806676225775,0.203825994318,0.258322690045,0.396143455169,0.516286263303,0.793486593201,0.236100107401,0.626348857997,0.859975611588,0.00557383670224,0.641526200301,0.0341379870828,0.746550417941,0.23548588295,0.603549493627,0.533544590278,0.607960888862,0.890500760059,0.866025159286,0.22625150485,0.208095275041,0.746773322237,0.444836868246,0.338171489581,0.297220144018,0.126894534815,0.504426789516,0.866742473933,0.82596179477,0.440414382909,0.664337236022,0.474107997607,0.827836151745,0.241136642147,0.0240671703844,0.908057095857,0.418863382707,0.181289062714,0.970849748823,0.328038033744,0.573356786071,0.635780385501,0.901657902948,0.440974767207,0.69985015787,0.66514861847,0.251240622737,0.352480639176,0.479492216301,0.362089862985,0.0606134201345,0.571461729311,0.60880494416,0.46003272895,0.817971136742,0.191601387094,0.826809386648,0.33786668068,0.964964534904,0.0552394226534,0.395399198698,0.627221766247,0.412964555968,0.0911544546047,0.00480593871793,0.399384617173,0.241210412577,0.90630249047,0.160743237184,0.000666306921068,0.354288712809,0.149216949003,0.604840798701,0.715907216903,0.917044755155,0.998261942522,0.951053601631,0.875676550577,0.934001573867,0.322792855846,0.68658862099,0.879497092203,0.40103794309,0.457896298455,0.35553305965,0.820599756928,0.471053204705,0.0344070458353,0.652718588652,0.585089527194,0.801575165606,0.688573200092,0.0415145250449,0.638534025713,0.193241639804,0.131944040805,0.026790525982,0.489033636192,0.524475134522,0.192803352199,0.527293282994,0.461775165369,0.643021536778,0.135806647678,0.1631293975,0.554345867771,0.832518240987,0.675462501896,0.530954316482,0.522561741449,0.61817760593,0.171707619319,0.926679060961,0.14657304195,0.400191279243,0.861324104679,0.549354782145,0.841141370976,0.664569643635,0.617880613828,0.22075693397,0.247808622704,0.528347143096,0.923416763646,0.804307282294,0.333740243872,0.668426953215,0.209476036656,0.200869561853,0.874048198694,0.151982026134,0.256018174963,0.227426453692,0.711274080143,0.368680679347,0.617172664932,0.0756785783191,0.611737739027,0.861247439345,0.456245727673,0.294099617617,0.408271067286,0.569871123011,0.0161619988314,0.525847530669,0.498851771921,0.0609203737106,0.327788295858,0.119917317013,0.155558719399,0.803901021909,0.56059144247,0.707494987703,0.325503436553,0.492209430503,0.654532361437,0.79005114548,0.0752385144552,0.503141679704,0.957477762353,0.450402422634,0.48048663929,0.11631448884,0.402177504991,0.90346126257,0.869493229129,0.40440330091,0.179211046758,0.532996807044,0.587669566826,0.375389370991,0.394439445162,0.303123323988,0.860406030919,0.04418375359,0.0059888365374,0.156178541736,0.024203224817,0.585322020576,0.399398519411,0.845785002037,0.532821962392,0.66484904303,0.776075069471,0.569688762559,0.601017560953,0.977862948669,0.323599288391,0.478794905642,0.529467777476,0.034000591462,0.314306783607,0.669321831551,0.449432577346,0.0351273576251,0.404051762429,0.630174634022,0.434901749005,0.770443864574,0.0180664552196,0.0532773715049,0.273527908003,0.244394945764,0.739257321939,0.898019635375,0.494444118965,0.916533416775,0.893814091993,0.436632861974,0.309131618185,0.90810298848,0.989488664635,0.825409169964,0.283499946855,0.919747255892,0.305625823581,0.729573021778,0.512875641141,0.287028603725,0.137160322335,0.689634186022,0.2342159618,0.700710823374,0.647824990116,0.432421744627,0.661038525706,0.806765264092,0.366985494786,0.101030512459,0.295424931632,0.712989716492,0.926071081454,0.0438545453634,0.347200153883,0.843604853743,0.958718697659,0.581978629215,0.113309857439,0.405517224678,0.767430488629,0.658439476294,0.623949947639,0.486536677721,0.906023699463,0.740904287042,0.929987221561,0.440507237961,0.390282505872,0.338611472228,0.411381642806,0.638344840156,0.869718869959,0.436794401419,0.597862597834,0.104606499413,0.679902668345,0.142884226504,0.423833265721,0.752430391843,0.325079535988,0.885151615624,0.896197682134,0.477742064595,0.928220457246,0.17463349138,0.668898766238,0.269157556247,0.735837090463,0.765844305026,0.186571421968,0.147278896653,0.359850556375,0.620294736914,0.00965202952663,0.850635406923,0.165451402272,0.0161013137215,0.36429647872,0.909469797505,0.169804450466,0.355192859627,0.637429544344,0.657541717995,0.596924210045,0.511184146266,0.80814744044,0.985112675247,0.0706422329532,0.569662012839,0.0984997520481,0.0752696453164,0.0249642468224,0.848850142804,0.160203212198,0.360393310186,0.592726302834,0.409281055533,0.850394090829,0.402496373128,0.364589016606,0.203269990131,0.0221335597084,0.00963757155329,0.758467926624,0.767764363756,0.0844356374961,0.57083340073,0.922990397491,0.0428971508497,0.846135938167,0.420562782683,0.901839428385,0.365441014553,0.886251578776,0.102091591485,0.475773133129,0.845486326762,0.19607825405,0.654754053122,0.760191287215,0.968271091761,0.428563804328,0.826094394082,0.416879505479,0.394314498055,0.613963155533,0.93752286201,0.787354901218,0.86826432753,0.105632491246,0.254115531607,0.787622865011,0.395760784661,0.298210520174,0.899750465545,0.683813861345,0.435130322046,0.253081418297,0.499493994438,0.0111876649344,0.215469765254,0.217802740492,0.779434466088,0.765362178096,0.68015554815,0.256317536705,0.0188138535696,0.450346195015,0.560535521034,0.0695668488469,0.961861308261,0.471594987097,0.276542760511,0.705985027317,0.894576550675,0.755675226456,0.513949724311,0.921400350397,0.612795139819,0.00816207743742,0.359754141019,0.972688948271,0.996546867077,0.684385594943,0.726669638189,0.0456940186129,0.598976301848,0.343937417278,0.658157568121,0.916198415559,0.683102541794,0.925085457182,0.264042775499,0.577766612715,0.171209976897,0.0487627006197,0.54946720174,0.917112431658,0.318720300809,0.731769159571,0.101340649027,0.480613013599,0.29614745325,0.263902616903,0.45334681739,0.143931878613,0.571675726819,0.394766825452,0.368617530298,0.608279107375,0.70371987459,0.568867150532,0.266233436972,0.0154034049494,0.667471407841,0.261433245923,0.569623651507,0.68518577174,0.819797776258,0.348223420202,0.349870284122,0.535491214196,0.906297125628,0.715309545662,0.957862227253,0.139003428474,0.32775773608,0.711565096082,0.875372661012,0.0869143667206,0.226126943144,0.902779782879,0.308031545832,0.682760875149,0.267574157295,0.0137875771317,0.459708806222,0.084775962856,0.197197966736,0.435176598718,0.771532047562,0.765533481342,0.706165052999,0.439331021522,0.252793462867,0.331715255193,0.546674925137,0.217419442131,0.0289059950748,0.721826029295,0.843333442212,0.936187143308,0.400301480986,0.952313855255,0.564828381386,0.418976510718,0.708981552863,0.360574684639,0.378684951345,0.763454901676,0.357868925907,0.765535498682,0.905259843225,0.639541846591,0.346163558101,0.629967136847,0.0896404223304,0.726251951167,0.51289438739,0.918592443812,0.270342485303,0.820397546972,0.612826510637,0.283838163637,0.529004124461,0.518733700045,0.790265506413,0.655447546596,0.850569682938,0.639990538671,0.350554397429,0.308159004165,0.974462112729,0.449440984556,0.772927326947,0.434353577653,0.976766236677,0.445145368194,0.39602434964,0.845696272822,0.543151555522,0.0301212370959,0.1848536252,0.551014051454,0.704139980986,0.45679745123,0.0303525221224,0.213036938409,0.351864416356,0.114124331284,0.179291348429,0.754607232052 0.00182799839823,0.101036578922,0.591032396992,0.16486220584,0.658177137387,0.721043479828,0.372054756458,0.523129716676,0.435449066937,0.415192625877,0.345288378927,0.73591989045,0.346972451263,0.283495860057,0.584615697335,0.514260137773,0.00568939771229,0.508874365138,0.748384716424,0.574432567624,0.165144485245,0.402838382483,0.749576865903,0.641510698948,0.349328275389,0.642141684366,0.0231695304598,0.572453129277,0.912711060346,0.54960267454,0.668061315621,0.993340137304,0.101923025672,0.475491752798,0.356192343656,0.541287393316,0.50951301369,0.133459642437,0.377974461034,0.350039045713,0.439605991943,0.119932600554,0.529386580781,0.374484544372,0.244039235076,0.926155980836,0.589415343271,0.724193624222,0.237139147051,0.018371729411,0.0268120374009,0.126171295897,0.148375029118,0.55954798593,0.618676874423,0.360884635041,0.881249885659,0.525750987331,0.124304437466,0.594438527022,0.453082726165,0.00550867870346,0.00695506973701,0.60889476033,0.45355596458,0.398423876381,0.00446408339495,0.195529150103,0.348970628924,0.287229765649,0.106144122156,0.845310916611,0.537291463101,0.0509678969982,0.676314056404,0.561269481346,0.940054415697,0.377391338456,0.302288276518,0.185147212628,0.821502230621,0.559683015877,0.595089291165,0.711043456856,0.904471165359,0.879667785107,0.339915271646,0.917801440994,0.136362852757,0.384194600299,0.467408712317,0.0833311431159,0.0178304803583,0.0589349000486,0.723737794618,0.921166038849,0.817212906435,0.640111189024,0.3043661498,0.179655800399,0.677073502594,0.562196476592,0.884596681412,0.05809616759,0.778778378871,0.528054140502,0.8534002841,0.874449268432,0.597586959483,0.196709666343,0.323422260386,0.366422999574,0.247687720864,0.250002108928,0.434326417807,0.990133664907,0.905780233127,0.818091165577,0.0958927021112,0.753315104733,0.226378718067,0.421794012926,0.110927880079,0.361992398195,0.998793378355,0.617817700745,0.156290529777,0.0642606035237,0.803246079423,0.0392593970443,0.895855794712,0.731184020362,0.602608015397,0.636680653091,0.0957041094495,0.24520737264,0.130905346982,0.789714171247,0.719056229897,0.647800944684,0.898094612687,0.393061835668,0.415925714471,0.169062693346,0.463909179965,0.342342890143,0.507355392736,0.490607422971,0.960144335391,0.622756421806,0.250257938112,0.184188272197,0.886909387748,0.508953732802,0.0867039091843,0.88419007435,0.726651155582,0.127143493127,0.783062692259,0.555846778087,0.896931203402,0.354188089847,0.264767077887,0.905838803516,0.460246672726,0.258790126922,0.705681738817,0.226835012056,0.487530931192,0.720438179694,0.630639585807,0.743254112115,0.761089160957,0.879131779034,0.574880296525,0.669692942192,0.506354275235,0.826220152468,0.983015307946,0.201363419041,0.245717898271,0.985006825352,0.847623137308,0.791940423407,0.0231024035468,0.0657936771765,0.534067828617,0.526641993676,0.737306372453,0.699509291369,0.850578153619,0.222338901409,0.669512858915,0.134380346229,0.316025628592,0.962737933707,0.202602457256,0.973149106651,0.183740205838,0.447148916531,0.46920156723,0.589518581602,0.902275316197,0.5313018405,0.63523289085,0.194871730821,0.454247797138,0.0702151246188,0.855581598976,0.414408019515,0.785466947853,0.153305131674,0.183366433115,0.785614944192,0.813815239118,0.976046402631,0.319553378797,0.197545599172,0.976419423457,0.87594526078,0.759054890655,0.685108729111,0.825650022026,0.959311230659,0.576958365266,0.121659101394,0.368502474744,0.176685219306,0.656670768944,0.363799681319,0.157092443004,0.295725623407,0.802953181458,0.458207880566,0.194684731005,0.87778704556,0.525473891744,0.791671815369,0.509840703227,0.996091448732,0.433214185553,0.033021036335,0.409836327713,0.233338860213,0.0392375159335,0.214793992467,0.158578557559,0.615290858706,0.507774592757,0.644000587183,0.804281695011,0.0808967306746,0.609030160974,0.436120885026,0.657266716661,0.939136567505,0.238072281483,0.868689649,0.971760182123,0.400775414558,0.539977899896,0.735762345635,0.0160632715665,0.991502489787,0.213267262887,0.834518806736,0.172838565284,0.141063876865,0.894876004597,0.0673755526045,0.428167194238,0.0246891568804,0.673702390654,0.169676183923,0.136287167429,0.376012133029,0.405075480218,0.951578533726,0.171729239073,0.762587588328,0.226753367678,0.606987837201,0.0413737585197,0.459400122171,0.0252448778063,0.139165872001,0.379479472884,0.353072099005,0.518750786311,0.416822471648,0.750667499965,0.769357006323,0.135062784759,0.979704107932,0.0575428483364,0.865326949018,0.604455204069,0.190794819012,0.894827512952,0.0745761497552,0.801061353275,0.910938340316,0.0307765787039,0.255972647489,0.824761630561,0.55401856894,0.708926449577,0.187171885131,0.387434306129,0.741073618951,0.482794220266,0.391074240213,0.897034087737,0.450283011057,0.413835150638,0.914970042097,0.696132240471,0.701017948181,0.22562788533,0.634147667914,0.198026771991,0.11329073466,0.418848804397,0.644198553829,0.87165762032,0.135050277548,0.354423310269,0.30247219594,0.508713464665,0.733805948548,0.698769729642,0.140509887693,0.935036112473,0.570069666572,0.746119401333,0.207191623004,0.0904219974133,0.214688568916,0.211644786415,0.595796655027,0.826260717963,0.130377778523,0.201284709942,0.766992253654,0.992810985754,0.0375037278388,0.865504938778,0.521922810909,0.00971090519593,0.731229896579,0.332806375135,0.696131302589,0.78561206549,0.374532799388,0.574967686247,0.506553162663,0.240454058701,0.997418469526,0.232913757089,0.617812494156,0.939951626143,0.907986752919,0.813598179558,0.169036231915,0.645249501298,0.113924657613,0.512312564822,0.0661192356006,0.895393284485,0.983374939836,0.906322231997,0.0503580727494,0.59718367498,0.242046308449,0.0422963029304,0.431562990927,0.513340062432,0.692638202696,0.665244421259,0.192821304434,0.723130988438,0.234640447301,0.51748770433,0.361812672894,0.307791110493,0.761053185047,0.498996446835,0.306613411496,0.248019562297,0.489250923349,0.145910518201,0.11019611265,0.350368169009,0.0287475645504,0.30846229697,0.0736054269111,0.712626397027,0.947312173508,0.244084967305,0.54010762545,0.865564017852,0.820686410045,0.666686868256,0.760165330794,0.0790012207859,0.255862222083,0.910320328573,0.718141131832,0.504475673071,0.0344486288454,0.540272697764,0.323215497435,0.0971915757451,0.674576622377,0.804708934697,0.940902712863,0.136832041623,0.35874667366,0.565828815711,0.620379562868,0.822253535463,0.408019231758,0.929130647691,0.0493108174884,0.398406690913,0.746660108351,0.914662616886,0.835364488042,0.339099161745,0.328566141881,0.208379312392,0.52878922739,0.592016220322,0.0841689277551,0.0104770046166,0.14302305498,0.769267936095,0.90726023363,0.410283114009,0.758762171434,0.345169254854,0.440107557333,0.688515027418,0.391119249674,0.125320003228,0.620869830563,0.621708936446,0.857482413072,0.648488498485,0.810670429385,0.020855689876,0.0146711401746,0.238592959401,0.665408638049,0.854015541177,0.622973376335,0.697815805001,0.967035915938,0.598851255403,0.981272616914,0.256094538204,0.160624389908,0.498531661918,0.483176420524,0.226044803892,0.735890049523,0.886893187157,0.417287344809,0.901541677932,0.606151868143,0.940107290797,0.891359776828,0.948062741193,0.732156520536,0.852097254827,0.961613972765,0.89360759923,0.11025509952,0.0692066570583,0.493586807085,0.14493945784,0.835588808741,0.430848219968,0.996412751008,0.387121205309,0.935809075381,0.320731376699,0.188967587828,0.997627874033,0.427474679024,0.856770409329,0.339581278686,0.186561086683,0.93339771907,0.978366849572,0.490002408697,0.798405254416,0.933523348696,0.831205229261,0.63636033675,0.610518030549,0.492939540008,0.695761142463,0.587051393607,0.228823076099,0.343791919573,0.668003890842,0.194583812155,0.963849401944,0.577481649944,0.18351001216,0.0511224364781,0.105565805368,0.637289937746,0.958494332042,0.934250678544,0.235619955753,0.16726959643,0.791399058911,0.623568314191,0.649569610342,0.317941981382,0.569436315024,0.469081304597,0.422086775072,0.196937034841,0.505091116984,0.5206795272,0.102598808979,0.944343308043,0.977482794944,0.99877463176,0.0918671441265,0.470431151252,0.259265265392,0.136634700636,0.11615369551,0.26818545104,0.100471286488,0.0593715263404,0.99154773939,0.85099735083,0.653416082589,0.734252882922,0.970002214811,0.640233080898,0.662066751983,0.0116664451334,0.974489576981,0.209334773552,0.647032929816,0.771204723072,0.477875558399,0.593391602388,0.0699478109257,0.339757626641,0.848995481139,0.0504409326259,0.470241773415,0.152119034593,0.571863469772,0.798346795886,0.978796396946,0.432308174784,0.629475263844,0.90201161582,0.109028011524,0.00795486672288,0.738483289258,0.402964281233,0.54715987627,0.943301361824,0.32108143921,0.448224898751,0.199367077778,0.724245665652,0.920160645588,0.86853839096,0.113399097806,0.857132085095,0.896357710937,0.125766289397,0.648616350669,0.786092735121,0.918549279877,0.467689042635,0.367116947992,0.80838093942,0.656409706793,0.660536765787,0.207684193842,0.722085433915,0.780534862007,0.731825738134,0.737067035062,0.727174386104,0.663834667774,0.145915955188,0.954630391683,0.152630841364,0.267059220912,0.28497010475,0.0345891928301,0.273886423282,0.420261227078,0.677903998406,0.487287273462,0.813828530889,0.138065130031,0.207550902218,0.878587326918,0.633283941688,0.623733264058,0.222364021688,0.501214888158,0.660330549145,0.401168730486,0.297385505347,0.64832107635,0.871465781562,0.627421226603,0.539299269497,0.25764063925,0.891114275215,0.412462231716,0.232806349007,0.985145081469,0.0277919850977,0.81448871189,0.473322276468,0.623115666159,0.974600559957,0.872311291478,0.268437209394,0.449831196859,0.417380495667,0.777977695468,0.162287518155,0.555280474472,0.350645351471,0.827292507275,0.0452816513959,0.300322047287,0.33527431789,0.282452094569,0.79722142208,0.485906309652,0.118349717824,0.858936413951,0.880933575989,0.910484441283,0.115171755781,0.860071732657,0.13246787156,0.831631890745,0.610114844314,0.181508098878,0.425447354644,0.0737265797209,0.558859959692,0.882170073173,0.84640894922,0.96705796091,0.519343476635,0.996784546699,0.269789241368,0.963698877364,0.546945592847,0.644977251156,0.407575355127,0.14293307117,0.497046538391,0.972443104491,0.212805252251,0.106692171738,0.213764585775,0.531405922542,0.382220614835,0.92554289015,0.742400972022,0.922754053437,0.983471451066,0.753054481389,0.916595729754,0.248310124457,0.263000581843,0.666267672944,0.0843922586898,0.669003258832,0.139857405603,0.785881305198,0.845621381686,0.461824256459,0.23180561338,0.677099441441,0.695550691567,0.514585229026,0.311191610901,0.894980757103,0.725077572367,0.745883696976,0.737798999435,0.939876458158,0.131453929957,0.898606879106,0.683147810696,0.476155235292,0.813563362497,0.243758313189,0.455332752264,0.150749603265,0.996390309544,0.273905388723,0.937504592133,0.225050778883,0.0697107824217,0.963659259524,0.46996778015,0.215646935241,0.738974120649,0.66364927376,0.777443275283,0.0926877027687,0.197778616289,0.456738507918,0.402218180256,0.995060856651,0.80672760479,0.297339980088,0.430675582679,0.554632509916,0.962064336293,0.953311906924,0.567721952362,0.218945815247,0.16395025551,0.156264946133,0.0662006092948,0.802267171885,0.816901817969,0.1276559424,0.18382403844,0.645370678635,0.171081235515,0.8463242607,0.833989042124,0.691776459567,0.384150945181,0.373857948283,0.54798070232,0.462420249141,0.510092700426,0.6127837763,0.451476890391,0.33827625031,0.107102156442,0.678272852959,0.625492403091,0.689541042802,0.129711207298,0.138928900178,0.342357449204,0.121932966001,0.950107381013,0.977059073846,0.759187499822,0.230107135107,0.651682277199,0.724983446895,0.810857249314,0.95536006147,0.892524851853,0.789942427516,0.12106692888,0.0162157714242,0.951929177131,0.156823193488,0.858241650624,0.488457244666,0.849213073735,0.659779003826,0.772045797479,0.978638754895,0.304701140862,0.111938235308,0.781368415664,0.811358660846,0.409243606032,0.270802832069,0.791158295484,0.736701185028,0.609080138318,0.390120886754,0.372439035756,0.35421368243,0.742828660104,0.788592459523,0.0928553169366,0.601326240328,0.797109443622,0.75813619316,0.378869584371,0.132353753191,0.382034884056,0.16419545798,0.493726186013,0.10521091414,0.0480663568876,0.781123476726,0.163447282757,0.193510460172,0.466346150923,0.18239458451,0.785893401101,0.374114093253,0.857768017505,0.580002333273,0.721068717696,0.261178623571,0.762352454558,0.788623249243,0.294558309698,0.975007662886,0.994357323747,0.140568984712,0.865409924694,0.513471951002,0.34044348861,0.676882928675,0.953023838658,0.162686116845,0.897465418693,0.143658831211,0.359197614394,0.0383821000284,0.0826016795176,0.634504997431,0.252565666635,0.424114673302,0.341104366992,0.606207283484,0.797557640948,0.320044851721,0.0503570537784,0.347045841107,0.0789262834755,0.0288021835702,0.246813024224,0.266364482095,0.614393161816,0.098341151535,0.382308221849,0.795356407934,0.910861934378,0.57547678196,0.93487564595,0.707249559474,0.879397424359,0.191855304966,0.851578126906,0.976656821689,0.492069610155,0.214250511071,0.749641573935,0.456039253301,0.503499653388,0.835968805895,0.758426523432,0.390914560707,0.571382590315,0.381808170962,0.225192791703,0.135632467955,0.268353895971,0.2043959076,0.853256682428,0.986525919808,0.776812660739,0.278274113924,0.778837907886,0.00395560803392,0.59261126028,0.176820274327,0.583122679755,0.919307855149,0.0937810433849,0.454025755708,0.124400233313,0.907302989073,0.445437328084,0.732899969166,0.272088621364,0.179417109044,0.58800433093,0.315248090783,0.463481456604,0.20886193914,0.636787577659,0.850773277154,0.600650965052,0.0747188805203,0.306391106572,0.796457213278,0.750210974102,0.32065253953,0.817389185954,0.204769889403,0.287966017232,0.826901431791,0.221690284479,0.51831627097,0.642124965239,0.630517181294,0.508528485489,0.0765009997771,0.523069134514,0.712664933371,0.716714720366,0.603411093939,0.0271905630395,0.132623852882,0.258271016052,0.975022264359,0.9504665927,0.239540936069,0.104223301502,0.526434524367,0.590028499945,0.5217310125,0.848490188231,0.770368425468,0.696147132889,0.382900098853,0.542925079,0.815292183312,0.556492818403,0.464508717661,0.87616321136,0.320240054307,0.596975487276,0.0927065783912,0.883292443528,0.558557396529,0.0768825492264,0.828892491098,0.380898437141,0.649059065385,0.928750856881,0.906096196475,0.641015548367,0.113635843227,0.470631422702,0.780903896559,0.631143682339,0.849043994669,0.988891306989,0.786689707577,0.56530518369,0.945688250092,0.672131243763,0.417299786568,0.82431737736,0.932053509091,0.280625277847,0.433373460173,0.550074199546,0.0979297794507,0.83830696986,0.557755128938,0.544566967926,0.641939597178,0.51415606937,0.218956281872,0.720741007488,0.00300303667876,0.915778313954,0.866339390319,0.679589555234,0.920119949953,0.308281537296,0.749949399667,0.76665426882,0.696140739433,0.981788087478,0.343858256384,0.740996438191,0.560361246212,0.730765575178,0.0383588186568,0.833994994211,0.722388522205,0.61502998609,0.867538947173,0.842918414777,0.089218973457,0.755029270768,0.958784280693,0.432685068224,0.00641298176155,0.377526637591 0.863610778725,0.485563521953,0.89917406195,0.810531444673,0.402495083259,0.028403985448,0.881415991509,0.938168068617,0.242571367705,0.775940717611,0.167683032431,0.233592445441,0.408969142009,0.224234272164,0.912162576195,0.220477029341,0.753053082081,0.912098262675,0.114678912234,0.107447620338,0.441787375574,0.601785733059,0.494078029804,0.679079318706,0.149842204773,0.501746662237,0.876836555669,0.488549224923,0.875854055138,0.603435361906,0.0838428784885,0.775601078743,0.0753549606625,0.153109270646,0.776261769556,0.748403679946,0.817692558828,0.208742257155,0.285234722038,0.285949656907,0.44317413748,0.136085584421,0.654371024816,0.113001854473,0.651184339719,0.833897123839,0.448397440613,0.770260721592,0.0383422976333,0.781975354186,0.963074625792,0.959865951134,0.846598775529,0.902563419245,0.347354000309,0.507477533467,0.27556393061,0.309929016895,0.289673422335,0.299922860557,0.502082177984,0.954340564188,0.0144549794801,0.211771873609,0.475243393141,0.0288098219537,0.275243126826,0.866263475716,0.210470754414,0.0710870774332,0.325353511025,0.825906418348,0.75487908001,0.0485654217234,0.0697671875429,0.382261316111,0.100746137611,0.361206117546,0.499787102212,0.490217867201,0.865280760738,0.361764639578,0.335597422443,0.793535921959,0.600824248197,0.0759000613529,0.703843119233,0.581096747385,0.467002447715,0.622701253483,0.83320378936,0.401801764489,0.186017452254,0.93018007338,0.515110390211,0.0481090150621,0.738613814704,0.0358843122148,0.879757395514,0.763699938451,0.479706712495,0.7696770379,0.518177944299,0.602352059105,0.218336983152,0.217719571319,0.0337856662146,0.3506974037,0.952612978301,0.837371551465,0.92954151271,0.0612144463845,0.35185591438,0.672199267052,0.296691521641,0.409065258914,0.242158793509,0.230732410995,0.903814917359,0.503286578219,0.276947855546,0.0374628142945,0.912808435363,0.300104972186,0.96930657933,0.415858914843,0.702110496611,0.193925679365,0.329734911639,0.290655196209,0.0705424219157,0.982455109043,0.783880904077,0.654013926601,0.855113930206,0.956007992975,0.180743592382,0.524119551122,0.70424886579,0.412554315273,0.747659325905,0.365244795077,0.202513321181,0.136752594005,0.00536270440808,0.329495706961,0.738938013842,0.416565799304,0.0734961912918,0.685395414623,0.376995616166,0.132238099032,0.483105957489,0.930619491716,0.77816152619,0.98207220723,0.780909667168,0.856706796886,0.465057589357,0.91854026525,0.597237697297,0.993863123675,0.863933836116,0.217001758335,0.602321635408,0.179631844927,0.410884024559,0.792832827431,0.70606299891,0.972316517688,0.658852908206,0.134282465238,0.0932044558901,0.216994286424,0.968127385596,0.473141639064,0.659269128248,0.130860450338,0.536332918682,0.360864930668,0.51978109178,0.733181509918,0.388765171082,0.906046525588,0.932761159163,0.0992764346591,0.699283458898,0.318035075379,0.497123795476,0.61025678687,0.63223394215,0.726786366512,0.750891279663,0.127679553972,0.731590339551,0.928823842272,0.396523693345,0.435273557898,0.935012994607,0.66834497124,0.392276338625,0.330721689156,0.762413048398,0.916439033436,0.525778535691,0.602517709555,0.458903474436,0.372536903268,0.131228945877,0.553180164831,0.367120716166,0.535787124449,0.248479736625,0.602548044251,0.481322657445,0.00618662211999,0.156606524254,0.208405901583,0.192519711889,0.584995961391,0.377452039823,0.569016538538,0.0430976968835,0.507751533506,0.681228815309,0.91172589628,0.0552592177499,0.771932630413,0.30180814803,0.418834185455,0.390878902779,0.333883690637,0.62093981245,0.523521335174,0.835962147051,0.815149505752,0.574767669961,0.213048274612,0.838147286672,0.94264221364,0.00920804475229,0.00387675893282,0.160555509387,0.146962280716,0.564338241364,0.446380022821,0.813576058914,0.102154481552,0.839956761702,0.684016024523,0.952409965094,0.290590627055,0.227331990727,0.840524288998,0.443001218133,0.726120129607,0.257312384224,0.445540000326,0.215310136595,0.507188827212,0.615333160112,0.501677469405,0.75757228048,0.750450883055,0.531483941476,0.263727971782,0.533758533003,0.634688342344,0.283139411469,0.419152193312,0.968561715779,0.191466342459,0.370792723569,0.717981421012,0.337940054994,0.774466904094,0.266672643524,0.734502516196,0.0755490654709,0.541995482397,0.0429233519298,0.568278735432,0.613939629862,0.54583959007,0.528651421759,0.158677580319,0.735765147206,0.404556455284,0.86305599181,0.831291331448,0.594656431534,0.286646677548,0.367209694628,0.596729396738,0.342846573309,0.188028770811,0.222071985306,0.505703691226,0.409572914967,0.265411117588,0.663575625336,0.126512380715,0.160838292049,0.201989038208,0.311493513417,0.602545664341,0.398401233499,0.480204204078,0.170489861831,0.963487301782,0.0693942276101,0.442179806889,0.885417997779,0.237846370141,0.591041757463,0.205433633631,0.472470649399,0.743207096329,0.334617983909,0.843412488025,0.464217864906,0.679207292126,0.0885954105054,0.782519286022,0.20935295859,0.23467106753,0.15608481846,0.626101965071,0.0149428768226,0.0473910681242,0.270108476772,0.991870253477,0.120323418968,0.972656483809,0.877937004423,0.054190100188,0.669469982592,0.402201955223,0.466636208597,0.0567520987575,0.862468906589,0.222070688778,0.709200888765,0.582659574512,0.724219950673,0.0422661802369,0.720520694243,0.863066015237,0.80974183244,0.97511525381,0.641924525566,0.951615550723,0.548285553348,0.45210482771,0.605503008813,0.998967185943,0.0883866349899,0.775366272451,0.366551531787,0.790604092212,0.0386939208852,0.365628920842,0.443071883758,0.209641175723,0.817736961145,0.402690956917,0.28945980214,0.410020243156,0.12740333236,0.964619696092,0.645856726905,0.928773069632,0.6081611257,0.182104958947,0.640002842519,0.417795779774,0.309461267656,0.749310179071,0.553491406737,0.406679051844,0.412891551771,0.827736358897,0.499029252351,0.662707195961,0.435737578056,0.206973690337,0.587231957593,0.861158226241,0.401176026256,0.563802832237,0.940361580094,0.356197863024,0.0225775776699,0.815989417075,0.621563227017,0.0376004091491,0.789474601342,0.0938176025772,0.140825765228,0.806971747604,0.0437713753655,0.80603119238,0.942783337105,0.552391627966,0.890204912701,0.308893507129,0.174903357979,0.734993984475,0.431662775008,0.984421878065,0.550843259328,0.121556511427,0.661117467895,0.875348830761,0.576468614185,0.792360373503,0.6046270674,0.158871167754,0.383399730714,0.0768969974096,0.843944227573,0.998295641583,0.0390331243773,0.254394609768,0.0426165957676,0.074489394943,0.863147250872,0.420920211805,0.705877788008,0.680951616143,0.610147408822,0.750601992646,0.152731719204,0.941275642179,0.0963161565816,0.847181132231,0.3626925659,0.124370055858,0.208707635932,0.43940985748,0.480684217119,0.657510177857,0.518636961699,0.637260782882,0.908559197946,0.700005185432,0.733038156137,0.150175015792,0.68994561301,0.68170439699,0.0812832009784,0.94118298554,0.815417828864,0.0624464832949,0.127500053358,0.190748839759,0.0225345403685,0.0845552967616,0.378253734529,0.0203773776966,0.0119044646719,0.7734559275,0.908744652021,0.0152116972653,0.910322407295,0.555556041344,0.398890189602,0.0251540833098,0.944171466109,0.301983573371,0.60763347007,0.479873202981,0.501391304782,0.262944087492,0.662963927241,0.173600166786,0.610697945429,0.233936577015,0.350311195324,0.506281813448,0.203174881585,0.810721481512,0.138553515363,0.274598906525,0.969815331913,0.371307538604,0.853096230775,0.962767318539,0.991332663687,0.57481928902,0.192212278386,0.537508416654,0.417253368453,0.988099274003,0.0211490728479,0.0882727702277,0.395834863545,0.703898619032,0.555515240374,0.79625206191,0.28072402129,0.301953451252,0.989866009723,0.597216340587,0.318718307633,0.516361221901,0.606349678372,0.236664718476,0.543321001473,0.126294681912,0.463473937168,0.198619955868,0.413323546463,0.601430004816,0.6268776161,0.57975408488,0.55784773356,0.509660361271,0.528989210454,0.554842163329,0.454477167059,0.435285920618,0.376899211495,0.27009882027,0.539478398504,0.587048740465,0.859754880978,0.206460166862,0.412536784565,0.42371043297,0.21097844612,0.138574325932,0.886415945692,0.570755301282,0.790709166299,0.656429863193,0.736973704726,0.607809652448,0.764043634803,0.725471387676,0.19234321082,0.287007487085,0.0780365894832,0.449578316557,0.607571227169,0.368443636344,0.882764583804,0.884055776258,0.253269704223,0.28955964443,0.836331719873,0.15377268392,0.185545349293,0.180353240177,0.665687456923,0.171535757299,0.00879505645136,0.551910567564,0.127137793338,0.363022713028,0.439797138093,0.678276531764,0.0272463451875,0.00238955581248,0.28250921985,0.244564381112,0.327636825315,0.832113621575,0.332634852047,0.418247418922,0.143249626365,0.494336303479,0.205029727229,0.0585299552137,0.594747213751,0.806684498438,0.134273395545,0.12492649613,0.982308414816,0.247071836966,0.937061809888,0.754219068136,0.594003295676,0.279032848512,0.162014502143,0.853494594031,0.461759680968,0.125007356592,0.732950787275,0.954129863093,0.276536328236,0.933102643748,0.124653596667,0.577435051395,0.925119277186,0.116910866775,0.462324173423,0.572102857945,0.253678353772,0.300666603339,0.134406546863,0.303602416419,0.0953957288359,0.161257173692,0.840933937183,0.579992131525,0.238641757645,0.529327640733,0.328382431131,0.833178216396,0.693101843411,0.163456501371,0.360800152422,0.7037239687,0.725339526374,0.410451970118,0.0598057590134,0.350243173022,0.729465024444,0.491253484194,0.361295698903,0.184880340929,0.696862214114,0.825858450031,0.807058710825,0.0318862748244,0.0787349882926,0.299448056961,0.240671191799,0.473439045496,0.727324897578,0.300843595099,0.84799201391,0.659168833406,0.370058042769,0.630451471618,0.538507029397,0.557941566649,0.177972544465,0.228467730912,0.968308020462,0.336696386423,0.775075681603,0.830580066077,0.761976174299,0.511682596396,0.468117030869,0.782019714484,0.792434726572,0.230676557758,0.392428741032,0.907081345994,0.281417977436,0.950691892253,0.544577216012,0.834258451487,0.716213453819,0.199855662436,0.103131812333,0.915246374063,0.881449446383,0.0997805246568,0.413105975152,0.228126707864,0.618379786589,0.856469470045,0.361375540671,0.223129636814,0.241617261118,0.7438346518,0.483651569728,0.942924178091,0.142984151063,0.994970703231,0.949864896349,0.553194688857,0.757353637189,0.932420216778,0.822224683104,0.188854712174,0.233715867184,0.991137078913,0.465623012852,0.62959995832,0.156006593264,0.503208478317,0.615549744684,0.961824661228,0.620085030351,0.756159463005,0.534546096793,0.884009124887,0.608281169916,0.158245068511,0.974745067649,0.971406039837,0.185661024,0.568699753192,0.124596636047,0.611026461898,0.143361867662,0.31072157538,0.302439332861,0.703265770651,0.585351623403,0.934123356632,0.226292355512,0.393191480401,0.968111842475,0.734238870402,0.844116930617,0.353915169031,0.263997432527,0.132240855643,0.272100410905,0.982235163034,0.943651030969,0.399265544569,0.309035729602,0.855546017458,0.648439899788,0.967180076887,0.281013270537,0.859197440315,0.349672700879,0.0040098899751,0.50356766048,0.173262701855,0.830280133188,0.00466891898173,0.326619418216,0.901895623885,0.028776974013,0.00956396661291,0.0221616613362,0.852898620634,0.360203210987,0.757368316331,0.205198960274,0.786578962409,0.592217235551,0.697903808246,0.287096723677,0.741437713188,0.169553911838,0.133774967863,0.249526613148,0.716552651856,0.561946266545,0.551081693558,0.65690368347,0.791388410529,0.681927487268,0.35180787847,0.332733272817,0.243093250946,0.890444372568,0.307087352511,0.728862939669,0.11350719001,0.29893255556,0.750679373273,0.801240818996,0.701793280772,0.688618439321,0.309006378297,0.749587825773,0.708352558431,0.269088075403,0.376523975669,0.54031213146,0.570575112869,0.295564255878,0.54379261781,0.980922601681,0.101813635091,0.942626776685,0.156831435536,0.254146084453,0.69294259695,0.447680670802,0.447358376956,0.596445188451,0.555654998205,0.288343336079,0.00555395199146,0.28690451525,0.837807648625,0.46687188755,0.574922324513,0.991766884604,0.94675151171,0.173530203716,0.983109501063,0.74567401484,0.988211135734,0.604016872789,0.354214155667,0.0104274980444,0.37043260453,0.159863651361,0.34965053936,0.241919156716,0.41265346127,0.0882310792253,0.692666006943,0.542389172965,0.121512348077,0.692193727191,0.890870696127,0.0001124748443,0.150797619528,0.383812460085,0.332248553467,0.185566070667,0.73975221488,0.0322394862284,0.340617509282,0.279653556373,0.920746340777,0.365568313198,0.826614925613,0.333686253431,0.48033004231,0.17642934957,0.838651035554,0.254190247139,0.826218425007,0.946848677742,0.0305056309276,0.970816325111,0.426907123566,0.00127641012109,0.202260417438,0.893575281305,0.664503242848,0.937428577955,0.834921215297,0.877592584451,0.621586595418,0.67094809692,0.744623816809,0.470527563509,0.427071667091,0.484986764813,0.494954681031,0.0490271856732,0.585222859121,0.214297854111,0.832260736355,0.268673255884,0.997828569022,0.0398839448899,0.340767360939,0.43508468557,0.261440296079,0.320961312625,0.605798100062,0.964268705346,0.683933170933,0.0160588913961,0.0603698663883,0.784841505465,0.64165263808,0.517293699496,0.63004981813,0.0912864534607,0.83457704349,0.627490440971,0.357785474101,0.822472977683,0.0465793811411,0.186804963917,0.868498248437,0.903021652407,0.450461266526,0.870847103059,0.437672975223,0.604197326165,0.592696939432,0.64627402748,0.746926151501,0.51560558645,0.498175196068,0.753580444929,0.157806892052,0.0160729546163,0.419865381934,0.560164091539,0.251733543153,0.544239639671,0.0943374245648,0.884986018151,0.759479688554,0.232008807577,0.907224029038,0.197932284727,0.212644000317,0.76341156019,0.43944380073,0.0621387613744,0.613072524006,0.935465743312,0.545710290008,0.353341234929,0.261018927074,0.606116553922,0.571000518792,0.506106049133,0.0817270876473,0.345794869722,0.213738625826,0.0362292594643,0.701208389954,0.302867887037,0.546797552092,0.383557840237,0.609774242182,0.704918336159,0.00869768811651,0.407852282125,0.402036835093,0.213178199896,0.602837469499,0.911584190239,0.160536525125,0.615052490415,0.000759676879357,0.982446233197,0.533972715587,0.572227781714,0.327197973012,0.452686334667,0.823132250191,0.204041997514,0.206706336738,0.351600460181,0.550650318268,0.0858753140685,0.338110012462,0.961967653146,0.502022432508,0.68106435581,0.937693202454,0.249892570919,0.72151243756,0.90844420573,0.945197469334,0.255117656098,0.999390387288,0.988775247047,0.302799058097,0.884006878751,0.921309081467,0.30486546835,0.242437644034,0.639737941331,0.11798216611,0.75261540899,0.142680493845,0.52637224187,0.53979256739,0.43391244122,0.0964911926715,0.905645041504,0.0150979541382,0.249436154759,0.099451193585,0.108678808213,0.135241474014,0.889601321141,0.541626268664,0.0141765490877,0.714070724175,0.215673088642,0.280003102598,0.683344698743,0.0449697916653,0.0193715483864,0.95573688227,0.462129426491,0.0481433306322,0.830721626204,0.34323498689,0.358859103874,0.65065103966,0.868899487444,0.942811984752,0.360073300653,0.718278066843,0.699977592529,0.33585739815,0.012081867886,0.272182314584,0.241510916375,0.165358436766,0.477137123006,0.658305186788,0.665799549854,0.873211695969 0.411010868571,0.0748892577696,0.348688065197,0.748318528803,0.643464389908,0.552028076046,0.0161650117416,0.871295567075,0.737381861445,0.643139121521,0.00885897215834,0.50297360601,0.485467461916,0.638212008597,0.366303408098,0.644953687822,0.0900408428814,0.970368726066,0.410404195538,0.184239548983,0.0348022968089,0.715512515544,0.936678774039,0.715812214018,0.874892176265,0.085287256089,0.849782774182,0.958063656367,0.775161314585,0.615430978949,0.259113788671,0.0493855721132,0.921628418585,0.772618517266,0.684908267987,0.0317158056965,0.449361775112,0.279676160377,0.142227683264,0.16404580077,0.650185340279,0.178679869079,0.672958846986,0.870235112541,0.205450209162,0.0776021994417,0.313935430645,0.463990203984,0.633879814253,0.264406334777,0.72769321656,0.590372786525,0.68923918785,0.129282389177,0.98210307155,0.783164788165,0.023270576082,0.940608566438,0.978985959088,0.81486841745,0.750211118956,0.174480763286,0.579952056964,0.124203014525,0.552984984649,0.224771076648,0.640982681296,0.0236960822226,0.323519412093,0.775418435379,0.831030878574,0.0484895117694,0.73647853486,0.114967505333,0.763494106039,0.251047405235,0.336401458906,0.00890566282077,0.447094604166,0.635071450845,0.729173404384,0.904037916988,0.731763429637,0.270635213292,0.671193643465,0.685248194374,0.240988856626,0.219178941132,0.810346015982,0.192899777993,0.641817328698,0.853246448687,0.359278476985,0.975770566461,0.864330610603,0.137955185086,0.365574829334,0.21060816795,0.880874853453,0.281094340052,0.632081129473,0.749955303412,0.438991705974,0.404035815343,0.0927339243584,0.694413934161,0.340424373087,0.983149068389,0.642172319644,0.0801440014773,0.102783410537,0.237349400139,0.610553209151,0.523935493599,0.996302338761,0.7585649918,0.523166654733,0.123840364139,0.389282486046,0.45399096869,0.363378584589,0.706088886148,0.90285783869,0.984938837962,0.0524057873089,0.444342931593,0.641719793549,0.998616511621,0.178652344004,0.680511779473,0.654549730397,0.794795715026,0.855945942432,0.0442699594897,0.67278711873,0.323441969096,0.655047283536,0.947745268653,0.243970222462,0.471340535508,0.553448990298,0.355857104656,0.892654327769,0.104335040178,0.140285917699,0.275668546768,0.54630321869,0.636462436335,0.571874692319,0.18788832022,0.0279090141612,0.148025943447,0.833901052311,0.672217830698,0.173191796629,0.504339106308,0.664300549903,0.633546561883,0.309669744953,0.766813689374,0.13840949538,0.011292977454,0.181007875821,0.00567407274013,0.825663347766,0.316365588558,0.660027263339,0.0896917961581,0.422493887714,0.96697832782,0.934339221047,0.128751736355,0.149028650945,0.487710730761,0.208313179107,0.789392839252,0.0232990853454,0.595463381328,0.600091713209,0.698543325483,0.373431638045,0.385786977571,0.660409548767,0.860059052193,0.125272785223,0.42712386677,0.132093116243,0.747658653973,0.51834010962,0.0993208875443,0.636092706985,0.903839327851,0.659550489843,0.697823860975,0.344739504521,0.531920835117,0.536377316101,0.735238287503,0.0510208836583,0.0252251788323,0.919739804231,0.468371093343,0.608357123571,0.99233452175,0.533052364664,0.0187775133148,0.478703913664,0.0381334504307,0.158493296595,0.752054738025,0.783684372266,0.0523151273653,0.0763759018511,0.435658342795,0.168228423609,0.134502868121,0.645488373607,0.534208683541,0.250299854344,0.826202506809,0.0833592214324,0.677850910143,0.661761660891,0.161515242932,0.68905258128,0.97501578983,0.702967315999,0.809666764633,0.836857693349,0.639930625641,0.830814675387,0.167673287755,0.00601809102728,0.991415205171,0.569730459847,0.110641186572,0.244425827092,0.318836359206,0.697670346525,0.606554235695,0.389274952423,0.0367670804109,0.877785680176,0.383759228127,0.305582313123,0.0354878656248,0.467408967365,0.195971741897,0.517181944874,0.576145837093,0.610727189977,0.0922638977256,0.993824502012,0.106473612043,0.243018403494,0.299789566734,0.520122064111,0.910305698855,0.589886368767,0.994969287566,0.187508349393,0.484849206328,0.541823209127,0.534225182141,0.791065100294,0.732673788125,0.475743012528,0.743899715232,0.599660937621,0.140887519008,0.36275029782,0.63964392599,0.176648903543,0.133319005939,0.913891825833,0.743863236305,0.286878525898,0.766036371996,0.636785656438,0.264397105139,0.834077911386,0.0831139749495,0.433895960732,0.999213897741,0.985045046559,0.466867386287,0.142285062325,0.0946990029985,0.414566216543,0.509312817046,0.363939011407,0.849289132864,0.293730961101,0.781935773142,0.529873071857,0.634160500925,0.914959835013,0.127067225663,0.257566514816,0.714723156631,0.283108153643,0.647532622504,0.164223304995,0.717232778928,0.958973796562,0.371085653897,0.169320904412,0.983843616884,0.789893327493,0.790390317407,0.75820076374,0.747276480819,0.725392947788,0.246301975002,0.0716765059293,0.027111318115,0.13468293058,0.0906594260702,0.762036884723,0.106538401861,0.801861832939,0.417055117412,0.997447389073,0.161183368801,0.578285370944,0.869505182553,0.663072051522,0.253416591083,0.437324632293,0.650674268096,0.993493345546,0.859425421519,0.266609790447,0.0356543191752,0.917234390105,0.763578574262,0.990885845054,0.342795325986,0.0206355368981,0.954871654422,0.269286220477,0.104518201977,0.827414946973,0.756056156557,0.991976571149,0.14600810959,0.807349040174,0.747225721644,0.489929648045,0.00547217238994,0.908061062981,0.881976929991,0.0984102178004,0.0620403957845,0.025286740005,0.776962199484,0.739263359129,0.567077194505,0.79259881684,0.756410241869,0.226004240987,0.158008777747,0.434903093777,0.881465521304,0.0217069505317,0.671328216104,0.681861764737,0.61183674512,0.308068865981,0.448854402952,0.855897289295,0.342931390429,0.624532071562,0.333607871754,0.335539720272,0.860538906566,0.13786446678,0.118656685298,0.555691973235,0.424540113855,0.636581403015,0.179677950834,0.455927318708,0.57168948717,0.0805929599544,0.345316963798,0.276877092462,0.0705433122101,0.118295954303,0.551354769214,0.392337839457,0.724314905015,0.181526735358,0.775224199604,0.869281534519,0.170687280515,0.776750978467,0.345191604756,0.410517054683,0.657198038355,0.709956253988,0.973380618152,0.498955495373,0.0524497899448,0.26070631865,0.61875668964,0.526553251344,0.13360838654,0.60521692758,0.299052166411,0.675612577882,0.980477619521,0.734244730685,0.231566666664,0.408493003791,0.195276773592,0.787756508727,0.886684875778,0.0584910943342,0.0916900479083,0.725805527305,0.835034343775,0.887378718496,0.529978712043,0.611626010976,0.424886308853,0.331911258459,0.976174361445,0.816641840112,0.538399202607,0.299674192142,0.0396940113424,0.204144434687,0.0398431058032,0.0554512770709,0.6027645693,0.0579700319777,0.534607952686,0.605461048974,0.196689411984,0.00407544364714,0.316804423605,0.420724443362,0.577927054343,0.985639347313,0.0622888874966,0.342744172473,0.396143635512,0.248426289117,0.318621531478,0.159917056446,0.971266546305,0.474881911146,0.976731522376,0.27552730013,0.929631823447,0.293326862215,0.312248218049,0.27714733739,0.757523831416,0.59641754699,0.8776780202,0.179381119337,0.774254722213,0.537766734391,0.0338122719864,0.388349478328,0.527050562526,0.729481525566,0.624306144511,0.689868536145,0.142420889944,0.401505197015,0.721623746974,0.912620605777,0.517026612411,0.294923561108,0.881121106108,0.88099275778,0.960201048328,0.358950745087,0.138086989674,0.116741304644,0.477187000503,0.265105032052,0.748940073748,0.665424424213,0.938708041111,0.0431437966632,0.980245449397,0.204106203924,0.387785544828,0.329092680863,0.516197239986,0.741692892904,0.139851529652,0.887799347447,0.77838172461,0.692954531395,0.258814379209,0.269776545524,0.507102279357,0.700691475091,0.879304793521,0.152550778899,0.555074901507,0.863853303606,0.425350085293,0.504318899881,0.604998585308,0.853321945522,0.0722224921712,0.524479972845,0.805246736073,0.724614287933,0.254786781506,0.496082566239,0.455676476579,0.528428575919,0.527326066951,0.832987350321,0.397396650558,0.8143787249,0.712631456876,0.488616866102,0.101430619853,0.835860958572,0.705869972234,0.562383366814,0.443934655164,0.908319541361,0.460392517595,0.693956728581,0.923770792702,0.775462987757,0.0632773586627,0.709823071221,0.286386831492,0.849841743644,0.174145826067,0.0692232586129,0.643618540169,0.972244906887,0.70523902982,0.852261399723,0.265156921988,0.469092877274,0.583342818872,0.282551539003,0.637007029307,0.190702109431,0.283755061742,0.293152857174,0.866283079504,0.0781094218959,0.958980956854,0.932767258182,0.327429002985,0.254664812473,0.845222806798,0.388349914222,0.00340963747264,0.12149521192,0.320704364099,0.486027954582,0.167347106789,0.17056455427,0.441606233542,0.589759995071,0.194344189173,0.644346995639,0.436298335941,0.399217071822,0.66804378831,0.875550193442,0.686981090485,0.6437857354,0.379759301077,0.0147443056263,0.326439720178,0.159644389204,0.471267967196,0.278829335332,0.773695288134,0.435850912202,0.223337259075,0.653393563803,0.25059755418,0.294331207167,0.944990923753,0.951161139005,0.741456679688,0.540673138574,0.906458698642,0.563546330111,0.863984261607,0.628622977967,0.865724746677,0.672825615433,0.7703670828,0.623423062545,0.540339133689,0.968238418073,0.259260430318,0.700681083076,0.376434375898,0.98579320103,0.163607603703,0.735458922415,0.363632232884,0.667225732916,0.334014834962,0.285855173945,0.300938822329,0.0785614308276,0.270674347738,0.387927520725,0.320136876091,0.474587082009,0.0328562454489,0.389636255022,0.0260649088321,0.794613426578,0.767745262572,0.182446923591,0.816511444217,0.270835547085,0.1849839667,0.832390623523,0.571784451232,0.871615681477,0.324728413275,0.374874393923,0.48229123506,0.653697712253,0.965378808715,0.277935464378,0.0142024864575,0.271686562629,0.107729351575,0.418283501394,0.326949037003,0.419684621638,0.398302409587,0.971152410163,0.165272142302,0.505944522234,0.0527671487363,0.842343621462,0.68743164648,0.621693552758,0.224556612283,0.493372891808,0.028274288814,0.545534873104,0.394526534925,0.158133886834,0.910366155137,0.587721175556,0.0290773998362,0.0783328018198,0.302281076094,0.616137702722,0.525756971759,0.362377205132,0.444600051058,0.934100979023,0.225155700437,0.730675559743,0.366021449826,0.531605785992,0.21141938785,0.370086449031,0.149506321454,0.329240587267,0.382633192151,0.403370460388,0.719248531046,0.176354441605,0.888345928204,0.0229813109775,0.878871140187,0.359351002387,0.656599991282,0.746542399729,0.272274387025,0.89704725365,0.705860668693,0.468942121013,0.249908163508,0.406263052574,0.618172005244,0.534826862271,0.726451632624,0.530963420473,0.794437004574,0.239506960726,0.99805701962,0.854213106367,0.43291871159,0.57542997321,0.45361361244,0.770737498986,0.752188268244,0.61609963297,0.551872421677,0.21442909343,0.691963219665,0.539963107741,0.956775600021,0.340539972295,0.173000542733,0.233109665863,0.0155058756148,0.751112959915,0.161370010727,0.374575336355,0.25248162526,0.431208122267,0.633625915502,0.467115938691,0.178713261777,0.131412242253,0.425872607863,0.459819071755,0.848699231125,0.869288148902,0.353524191604,0.508448968584,0.28933170894,0.321026676421,0.918666114544,0.979949081639,0.343098339779,0.0202146241181,0.420432479133,0.14304303558,0.204434576401,0.105566104767,0.451251267336,0.559611271788,0.344207220862,0.0507791211647,0.297348957083,0.285738304033,0.4810657488,0.875051919265,0.618358526799,0.207718254579,0.697348927854,0.211833454599,0.739759310212,0.223169021397,0.115603069837,0.996669890372,0.416812756942,0.473920854001,0.803109349965,0.0769999379127,0.693202173344,0.142037243308,0.623588924395,0.57764417999,0.586736397485,0.302234467771,0.441610489574,0.475382402034,0.412390784107,0.945387910763,0.413312744701,0.679905325008,0.0436088126393,0.14640880606,0.883847369987,0.606840262009,0.837440874108,0.778029528265,0.117485923058,0.329589839434,0.88241287596,0.219586948379,0.251881744364,0.145477611191,0.175197699778,0.0600654024255,0.591895433445,0.675985428879,0.481838881095,0.537205312421,0.654289785002,0.155756270111,0.800290364726,0.685623972773,0.80311636898,0.584314077909,0.180649041236,0.581306685426,0.989111662706,0.400985893937,0.147773619928,0.894946052664,0.37803798714,0.896325198016,0.337449993151,0.446850403026,0.0261254264698,0.108962126781,0.00233899578176,0.865006234518,0.448581067178,0.127959184567,0.733312949557,0.415247563941,0.648250130631,0.580452511324,0.454434054026,0.574685550021,0.908264032447,0.77752170749,0.848286012826,0.849938342467,0.659954070429,0.0549195333063,0.71772282818,0.813013898524,0.276065435156,0.496083224305,0.992613975098,0.322333913882,0.860147704891,0.202406943407,0.0550305319825,0.280265353616,0.945062637134,0.149670813981,0.830948233589,0.0426330642404,0.76282955101,0.417676229651,0.102363420382,0.133550801003,0.749073489928,0.055933069696,0.977998535878,0.875244098411,0.999239821628,0.446384914084,0.917922446336,0.7171283948,0.199814077119,0.655772550533,0.995386768658,0.666567657019,0.762565966384,0.468134543955,0.836784499873,0.584825565388,0.0153947715612,0.192540087355,0.0236876552358,0.653448055786,0.227004575541,0.624367118788,0.16752055718,0.0326496931059,0.52436875145,0.886082799449,0.840478979436,0.248540639528,0.44086272688,0.997357925711,0.704176660753,0.402690913429,0.940956087294,0.513460389484,0.39869933792,0.0437368525107,0.0680883492789,0.463871491193,0.869182290502,0.220196935226,0.674530706754,0.363096339846,0.5616293584,0.136955245873,0.434286814504,0.110453994549,0.748976489259,0.424639848554,0.295617320268,0.255601984606,0.756811166012,0.66932998649,0.0376206774845,0.502934106597,0.982764393697,0.397724882874,0.0576557328353,0.0236235106573,0.107328248445,0.699284304521,0.277597267958,0.42730334825,0.403451417227,0.355615771767,0.525090829898,0.925944459185,0.777130541084,0.531594505822,0.43624608522,0.828150087595,0.769393788756,0.20739406032,0.452814040556,0.629827004774,0.202395183402,0.179547707097,0.509644508296,0.163909284538,0.520997385265,0.504157156268,0.686931700183,0.714553798032,0.347491941541,0.882980974908,0.814614685048,0.700058855867,0.512129685688,0.254937291817,0.34209833516,0.879190907674,0.571344911376,0.588209128465,0.453618280167,0.42296319471,0.82700811935,0.279758070593,0.579747353836,0.745720712274,0.461497369122,0.0576803086879,0.129564591323,0.28334210359,0.207463476561,0.839296278642,0.0771538554887,0.119493615673,0.228676459034,0.982546403036,0.575093557556,0.353619352261,0.877493440039,0.114227904845,0.388293706145,0.978721056419,0.645703163987,0.0298853463975,0.763073421652,0.479728060975,0.551778309984,0.909686517001,0.0649416112395,0.166879656972,0.265580868151,0.411657719907,0.554265264649,0.446396218031,0.559847851255,0.606136061024,0.975832222336,0.610976522233,0.320845003705,0.125323812159,0.908906904351,0.431066168115,0.107686689261,0.432406706781,0.670537075123,0.545115247593,0.477403077375,0.35789886835,0.937984360236,0.0805686150465,0.205988467053,0.654187649336,0.752076162316,0.737599532088,0.943673859364,0.155791340244,0.939737819926,0.252768603174,0.81890312187,0.0937417958113,0.279794866731,0.280928110084,0.523050884173,0.0687528464386,0.984529717696,0.185256070094,0.329277871474 0.45489653671,0.885308053953,0.90439793132,0.716037956778,0.402510922964,0.634293851799,0.63010432595,0.87593773968,0.543783430338,0.930774479767,0.0599922281313,0.698850511634,0.94389074757,0.63911743453,0.53148152466,0.0360682460644,0.987820459384,0.0534902459833,0.304179776837,0.293341825067,0.0988561420242,0.533476063582,0.716930321936,0.054694667514,0.00719628224771,0.319428064983,0.778321435155,0.371197308264,0.304077737252,0.0865638131233,0.779000915482,0.565063705166,0.969780155052,0.334095562522,0.468784983582,0.836726530662,0.848235352576,0.269102229154,0.064773611604,0.702026659724,0.125521651605,0.886500512811,0.428291198581,0.0022948439774,0.878606663493,0.906249656301,0.813814653139,0.057221269221,0.0146839890113,0.366073559978,0.432735846121,0.670452135842,0.848064184641,0.730052161782,0.742939058646,0.112436351121,0.269031367269,0.6528083681,0.116878863097,0.639935797654,0.437878482727,0.161933354923,0.492146568997,0.804631279331,0.156885270145,0.756318568233,0.692740517545,0.615048637008,0.959053843775,0.79150995937,0.432309515685,0.796790732123,0.413548416354,0.788017523215,0.698746437365,0.275258614358,0.491057036917,0.285142873592,0.709106674159,0.759458314487,0.139608535455,0.415982244258,0.362437024201,0.816293055283,0.385507207329,0.190641176341,0.372453016546,0.287941038437,0.610425810467,0.36550791773,0.0814207766325,0.61183918134,0.660318587158,0.732396847964,0.759904585712,0.0398628101494,0.184510168792,0.470545557481,0.620247823753,0.572086145793,0.1488819368,0.418607743455,0.533025700139,0.453153353361,0.953863750449,0.529477279165,0.92999693872,0.818982272242,0.391421819679,0.311857282912,0.129787756347,0.927245963908,0.289136545886,0.22014049879,0.793092469593,0.102873707909,0.485186284047,0.157606421835,0.0620251692846,0.32879830769,0.146634511867,0.852720034123,0.630022463395,0.0207168505574,0.568811228,0.106254593932,0.887569328009,0.667779431945,0.164387784036,0.645531382016,0.357468298452,0.458561865909,0.788036487194,0.870681742239,0.600675061395,0.785452840482,0.761900280094,0.602349180115,0.402202431601,0.216138666794,0.0737244874924,0.466193539144,0.715931970572,0.744100277048,0.693380036501,0.556628387633,0.343059997745,0.873574918291,0.717336363202,0.693997982631,0.456062948167,0.168732192786,0.49200387882,0.151198443601,0.209641383588,0.790480367191,0.110210718912,0.992431005597,0.157682271059,0.297401172496,0.868591417671,0.723334777145,0.709496554139,0.726477097553,0.00609134932649,0.556934277122,0.368392958726,0.310667385027,0.185354554177,0.238185438755,0.00872812349264,0.390613903568,0.451283350909,0.40765278475,0.657897066275,0.682450469588,0.033635654902,0.803578665768,0.343225517443,0.702863896183,0.807201108223,0.518313181107,0.972414108424,0.416054469452,0.427849082663,0.51986792225,0.662584881618,0.887977309043,0.0942051967858,0.210559557853,0.621687025693,0.760153955793,0.898196523778,0.219350369104,0.376729627859,0.0286543426553,0.562431088122,0.90191285601,0.284421974059,0.0508946965351,0.687408191166,0.644277231317,0.151911902746,0.248697106402,0.488000195487,0.682192793802,0.878179687577,0.0256550682272,0.752822898962,0.802828288588,0.138950040764,0.695103980985,0.5184036142,0.915803943611,0.719310339096,0.87972831412,0.485803420737,0.406677853029,0.523995743973,0.336042754361,0.577281236745,0.861244164434,0.340069305462,0.173530214461,0.296062061556,0.475806390632,0.178503581738,0.685025958625,0.747770648498,0.737400435221,0.00920931582203,0.476315334922,0.924996377727,0.718544877701,0.609094543496,0.989700785947,0.0694896955915,0.771497622675,0.921488264597,0.888390310921,0.274132473524,0.569743182839,0.471885546776,0.445074428191,0.487012444843,0.0875994146518,0.174606886193,0.459412625283,0.155739504527,0.574180889886,0.0873885410593,0.783061343309,0.209588059712,0.236479842889,0.232786436959,0.749055332903,0.271918425609,0.624721763013,0.645186504123,0.779726868622,0.373177119318,0.324872718195,0.931188540969,0.897254656523,0.912625203301,0.23243145482,0.10554681491,0.124751291332,0.734129183354,0.0668558600237,0.732502294498,0.0638656153269,0.672798903306,0.814626187757,0.603501121082,0.219974454796,0.675246104754,0.820125003004,0.41219364213,0.35427153334,0.346261247802,0.921353359846,0.433941294346,0.454800032396,0.418006026208,0.175085035231,0.741829475671,0.203189349183,0.362833576922,0.900303915558,0.307135582373,0.608418627903,0.498685964341,0.687451169095,0.0139641262147,0.984520303861,0.471259983121,0.477001786986,0.937466087298,0.3314208063,0.656647594434,0.645219971219,0.367431993408,0.893153371118,0.243636206198,0.758521224244,0.98425019545,0.687111531122,0.25394823841,0.670254180742,0.872377291279,0.886664367685,0.572299313298,0.628368489217,0.119178210588,0.190591397675,0.0506304335463,0.0251529137861,0.778400669685,0.679128946073,0.723762230031,0.126691695606,0.101589232432,0.480310903311,0.517130502442,0.0181870668643,0.510309966804,0.475362529571,0.835085497008,0.701280422005,0.106102919742,0.331268034747,0.492337889081,0.736884503862,0.892900316214,0.837619589864,0.501378643032,0.114096917896,0.934217540003,0.132725080037,0.400890852079,0.773167905025,0.024975486019,0.822663819471,0.298772061263,0.545438419023,0.6952737709,0.582755021043,0.0475131510917,0.92785481372,0.836367062687,0.894096605177,0.101065311369,0.73832326397,0.324678598519,0.58742018237,0.8644336218,0.767320956963,0.217062555803,0.696589741825,0.646431096216,0.92523000775,0.810532908578,0.656877347921,0.137959961172,0.0841934561496,0.101514984562,0.0978810585933,0.909240736583,0.234592697646,0.125279270042,0.194963755455,0.830109975966,0.993496692591,0.552079610185,0.0755079348821,0.983937943283,0.681939181511,0.61119453376,0.364105733669,0.782843121893,0.115975913831,0.987505312429,0.865897224085,0.599534181453,0.413810415233,0.756620359812,0.548870742801,0.739715633922,0.463506819198,0.114982897957,0.221181419346,0.262711588276,0.568785958448,0.369368361177,0.533181439886,0.793783106605,0.190695473721,0.805019860091,0.545372929899,0.0755410732272,0.662822333975,0.617223984792,0.112925310603,0.868824328567,0.152842912317,0.689398303634,0.104947027279,0.620873403446,0.264643497144,0.750015168005,0.29863793363,0.159115972336,0.498266512914,0.524498893958,0.406665108541,0.393875197212,0.149107499698,0.929010996144,0.244353794097,0.693100645306,0.0486340499111,0.461330039717,0.946569625662,0.786126839337,0.519724229993,0.971723865627,0.306024065739,0.750040307997,0.533387493675,0.322522968269,0.823964951284,0.433606996183,0.969090360647,0.644505891715,0.273352789012,0.76682166496,0.357042663883,0.0579588253966,0.0880334435211,0.422428389608,0.314618319479,0.287448518276,0.427165516595,0.934009892866,0.563458303929,0.236351527369,0.427423169711,0.108040118246,0.893648954122,0.665671908198,0.188457437345,0.703081111555,0.88618304883,0.591808872136,0.814355543847,0.368118352168,0.172281269675,0.316066606236,0.721230558515,0.180549950427,0.99158189195,0.266927767079,0.00889279242573,0.168796578555,0.0317020616975,0.0140385773293,0.898354194628,0.00665815439962,0.80867909623,0.617254323757,0.589701024362,0.820045298218,0.350392112368,0.127967660417,0.379299195144,0.060737945604,0.960255020751,0.322883396786,0.275408635555,0.508108110434,0.838616350296,0.15991549142,0.0151262942869,0.321029802102,0.0794805483975,0.687940925122,0.823057584137,0.324376645425,0.945454345244,0.0133007990283,0.324552281694,0.243727689499,0.291709600613,0.629986337927,0.104792714685,0.74927536002,0.0588531937703,0.258930255641,0.812843067548,0.814689787211,0.224895713303,0.776529788617,0.0289938714149,0.469212678267,0.907609973022,0.0274270876603,0.599919392768,0.212374341834,0.0932241769863,0.602973926225,0.691044261186,0.698836229964,0.969199783767,0.845472317748,0.973434742751,0.353704320463,0.547807658808,0.750041511497,0.673992636363,0.605876098474,0.196229068373,0.418941046402,0.0110113995486,0.236979343646,0.720796617997,0.127836004708,0.30270390091,0.685484561002,0.770583570714,0.895698732693,0.153630030098,0.924054526955,0.530614076529,0.309239628184,0.401215704412,0.931997318636,0.920429241158,0.791811625761,0.637960213594,0.00497411726642,0.541837747595,0.727044883537,0.915439377411,0.536683140386,0.443749681475,0.167462697001,0.10294311123,0.200339813916,0.434621493851,0.619314407451,0.336591833022,0.739520268234,0.463851479272,0.604173374756,0.497061199687,0.798886851072,0.434468460779,0.717050033687,0.0997496122791,0.703858377781,0.648233679826,0.848138393726,0.109989444559,0.34682675273,0.251060218666,0.15960519959,0.0115670636256,0.933890498517,0.970529533159,0.827702505097,0.62827922705,0.250755165815,0.521626243685,0.635888903762,0.115270852068,0.759698203867,0.147282408868,0.60580740524,0.839749656657,0.0197466623121,0.219066306836,0.938100681196,0.91749955928,0.588945527184,0.129322322096,0.595777988577,0.832128568986,0.466641898037,0.197384191288,0.305496477052,0.190273985703,0.398082719424,0.736285079182,0.950778845673,0.802616154356,0.830122400984,0.498559011814,0.687861127106,0.850275974437,0.561849627898,0.317857322418,0.518531208869,0.190348570147,0.0267336156835,0.0950736865205,0.230918035922,0.12908016823,0.533514413161,0.491037244958,0.668473725913,0.739951472334,0.976189277826,0.38888882695,0.106664724217,0.852223526388,0.405047095002,0.193903783925,0.448545663097,0.81750907337,0.835033123762,0.783498063838,0.673887405739,0.90114603858,0.895231760401,0.749155294367,0.719837923259,0.207188875317,0.0777066034669,0.831142961682,0.180937935344,0.284246746549,0.592213919488,0.0237409014751,0.940397100688,0.0682655526961,0.354774172945,0.011280804764,0.432410993821,0.629306868016,0.881701369613,0.55206173615,0.397605224756,0.179355007672,0.577216539568,0.567673911188,0.624233382416,0.655863827101,0.530279926719,0.893520573948,0.2595704934,0.465495902498,0.141755493126,0.624082251078,0.149160251593,0.412330045115,0.535274709975,0.62520916651,0.0610103560286,0.453936720935,0.794832834984,0.37582707374,0.75148141646,0.808687698289,0.325249311729,0.327474648833,0.0584763739069,0.436890799199,0.747766053503,0.1776301477,0.769260742599,0.99792608923,0.731573644622,0.270750764746,0.795666697555,0.353038172532,0.74194023157,0.433079832806,0.514617634802,0.359999554254,0.490022026875,0.05950649627,0.811445265455,0.536828714587,0.748624170639,0.539124853346,0.842065716228,0.817643309778,0.736808794796,0.19634497781,0.465407146413,0.837845455687,0.229272895113,0.602474778521,0.753388525459,0.460133128583,0.880236006988,0.85431634634,0.869166504379,0.381213621638,0.717437353079,0.434096337161,0.852624642163,0.0699119770838,0.370934775228,0.850543046146,0.92131631547,0.827262757127,0.949610240834,0.499988126714,0.517353251373,0.853802706052,0.354132998235,0.322211752796,0.829008805924,0.539142770777,0.622727805707,0.871388586781,0.573038817573,0.509372981183,0.0590098031988,0.937499247759,0.0797413863149,0.950143119716,0.976643428349,0.999762773239,0.704205094439,0.27187344457,0.218435995631,0.129189815989,0.824377589217,0.551989256556,0.257369404399,0.173065994726,0.420578613944,0.514564210993,0.147495310556,0.971457306295,0.731794858354,0.540694687025,0.120719234591,0.20124232617,0.635788566321,0.0629949460929,0.192525739741,0.218541221471,0.0444960641481,0.692517674649,0.664208885343,0.967116032297,0.963030710141,0.465895068814,0.963562844998,0.51396808021,0.364953164449,0.500615289319,0.624306227749,0.767585372728,0.438259188158,0.989393549029,0.120300553062,0.189036973296,0.902939949717,0.458708013752,0.779375058799,0.387971866142,0.91645114644,0.170599007065,0.173256083085,0.74537891853,0.203342101282,0.279917272949,0.890274095414,0.235889141395,0.36733116775,0.850760439024,0.558098370446,0.516207851868,0.792269741057,0.447807112634,0.318998089213,0.677661203098,0.481337216934,0.421416383427,0.386117066778,0.889735631809,0.115039555385,0.238521373106,0.871241329289,0.103834872523,0.206011135514,0.545732097684,0.639472708136,0.102794161902,0.0561227311041,0.0577409507829,0.433274007159,0.704897140059,0.199383692719,0.151164890652,0.848415485352,0.912050424381,0.117618952772,0.13964480292,0.473336209533,0.723837536121,0.133926483586,0.319791933036,0.670838541294,0.817658860475,0.754501434693,0.188624616052,0.436856136528,0.440860080044,0.0669186190042,0.305425122279,0.295598550872,0.779554486166,0.297557582188,0.0980518563823,0.111982399849,0.145137260243,0.16738338922,0.581010350732,0.870948629862,0.754514287692,0.256422259287,0.370813509411,0.687410611333,0.780909271528,0.413116058638,0.248052098002,0.714478640905,0.494158011673,0.692852720863,0.00363331405961,0.41311685533,0.3999076222,0.790356304888,0.609167360071,0.519941280956,0.181153869764,0.877730775228,0.903315978646,0.951328319314,0.664306277126,0.368213251045,0.702729255354,0.139495344427,0.167771207054,0.309483898556,0.913224183245,0.638869238539,0.094933168909,0.445673609358,0.943355860706,0.654226612805,0.874785375099,0.793449848658,0.285163151447,0.220399488998,0.535643337741,0.633904416498,0.628939580402,0.464561096671,0.31975803512,0.248945262287,0.777512368317,0.712437312834,0.596878736354,0.867482358063,0.116438828561,0.754656042018,0.717267528758,0.147482169058,0.3696669321,0.832145509615,0.240989992577,0.298502286816,0.303632303224,0.68217679098,0.504216172964,0.298998705049,0.0504199230047,0.704704453766,0.668197252463,0.0035506056554,0.834305306213,0.953677287839,0.448943872685,0.213183356394,0.605682620067,0.109071949771,0.447687057387,0.316934287169,0.734156292883,0.059931713696,0.69833039856,0.92734965425,0.533016213054,0.875205258047,0.413643283813,0.0301976142977,0.95006134709,0.661167911107,0.481402022275,0.536475420305,0.517912371362,0.476647924188,0.428781707624,0.783605417956,0.018502113451,0.542953708856,0.715809882275,0.707776716728,0.873583256817,0.652831534224,0.528855648835,0.165417537273,0.86385892418,0.0183725096504,0.345624027229,0.875188581037,0.11805897125,0.0820102034292,0.306324561544,0.361091749181,0.688957845843,0.662343782406,0.648509910208,0.226313914354,0.393298749067,0.466121013583,0.192460161217,0.00237844969573,0.856539213626,0.251348002991,0.984986672325,0.813776189114,0.685765208256,0.383062370234,0.043026800177,0.480788078408,0.78310475231,0.951002895267,0.787346383543,0.528102001296,0.469039359287,0.751191600369,0.959475944839,0.905330725289,0.354211922873,0.502699787977,0.285031808402,0.390096412948,0.570288280887,0.809974346277,0.649675903846,0.997568338825,0.174804482819,0.306324379089,0.212505332856,0.5177261658,0.122634280436,0.300721852032,0.565433759869,0.783923497229,0.152227911798,0.52839820066,0.707460071636,0.0507388746264,0.659619957952,0.960065140859,0.284382590894,0.674816039847,0.517983557884,0.431520601543,0.855869204586,0.550282887361,0.937616583518,0.50085031943,0.811461312325,0.798403457213,0.0248646885553,0.219814094507,0.178345086816,0.847586595566,0.0803076135561,0.241608385924,0.344639539715,0.269551537015,0.752766787143,0.724096323923,0.0638655354889,0.935428848397,0.596546026684,0.415717428005,0.397527835411,0.658059083731,0.599206853516 0.649536526557,0.0363992459453,0.807980785942,0.814477606282,0.78127458389,0.429359713828,0.698531812569,0.391697447487,0.247083209927,0.741651333131,0.286689431472,0.462064390375,0.6697569738,0.750187990489,0.345852542131,0.898609696789,0.198971399982,0.207401992464,0.815754902823,0.376183261829,0.789714924054,0.572434189631,0.531888534089,0.623883374598,0.61004119619,0.437033236395,0.726014637601,0.0203487506057,0.986045526026,0.642949834544,0.0437475143979,0.307449160735,0.346916835217,0.832056284234,0.0271358060465,0.81596334293,0.724115383473,0.263051403804,0.194797964501,0.636650250418,0.268543681033,0.135316274207,0.353243281751,0.713920694062,0.669331735269,0.651460333913,0.373353340566,0.262645866652,0.973469221442,0.297564708601,0.863182134564,0.780063992607,0.667124438426,0.150662234927,0.74316174977,0.95060788253,0.654795014929,0.230981240248,0.61136376006,0.226680569167,0.617886773207,0.583503321104,0.517285661687,0.342675879827,0.314546504431,0.555845577441,0.497059273466,0.218193644921,0.197517993529,0.721592533001,0.864319587545,0.382267379071,0.36594338562,0.725834934315,0.225781497306,0.235879995443,0.210579915188,0.238582497137,0.252042305138,0.0160563271041,0.675307551664,0.530196711917,0.699250911781,0.0716401938629,0.0625246138568,0.0319487205167,0.984905312974,0.108712287435,0.212047168365,0.594590633628,0.722134929045,0.35982397931,0.742716545853,0.831469781776,0.512567066219,0.138736534233,0.155367447025,0.579661225416,0.108125068081,0.979282624173,0.969261359366,0.214516596714,0.250552836951,0.962608411223,0.246909286443,0.601557438016,0.378878187777,0.420887049971,0.703524299328,0.141809546492,0.874829977871,0.615322158506,0.13878931898,0.0597286933613,0.399112264517,0.649233423238,0.0866394020957,0.846141444605,0.256652956308,0.603848089708,0.299000764183,0.935029111189,0.533691436251,0.16601522865,0.801413139861,0.925891148381,0.337465391675,0.668634212796,0.344810452092,0.302133873758,0.24069100102,0.734676137063,0.3622684526,0.222756880112,0.821625323248,0.375117077777,0.40013255805,0.569059244145,0.310740304035,0.296942898693,0.433813076093,0.39337595076,0.0802833350437,0.617707446071,0.0575481936394,0.954982973475,0.570137399821,0.309330414594,0.200404093928,0.215592157497,0.257254671249,0.894071765061,0.601088825252,0.974410201162,0.39418968173,0.451071503948,0.0872116774363,0.858121884023,0.245979412932,0.880255458955,0.397082283033,0.488849151338,0.417989995162,0.518750904927,0.845708737242,0.775923172491,0.932110943968,0.740937074528,0.314948833767,0.388882613874,0.0182798872872,0.630452671956,0.526529293864,0.530767298481,0.230912388183,0.670329923049,0.298556326601,0.3835253203,0.60261016944,0.604548849008,0.759943957877,0.462176055632,0.808355894405,0.465558158462,0.608438905507,0.0613054393287,0.839652022326,0.709821656508,0.770881972075,0.50061691308,0.0526386072626,0.152393984783,0.0286032605053,0.173188642641,0.776140778694,0.825578074102,0.436501235262,0.240815532311,0.46660504013,0.49104587791,0.672129183256,0.240678438721,0.306302684444,0.768125748012,0.453530145236,0.94119967719,0.540942156338,0.940853586231,0.731801538589,0.935200081692,0.968943921598,0.133076624623,0.272263597229,0.658827242936,0.44016754569,0.129032196899,0.929377540118,0.83326726711,0.140834650273,0.552362753089,0.0920537586853,0.585780098881,0.439454574614,0.309671291503,0.667077494877,0.869918727761,0.94622341556,0.559605219766,0.0722686492055,0.847051209683,0.375606814401,0.913098463647,0.141905533906,0.902853480948,0.598964299071,0.451198208171,0.356848833054,0.481155048944,0.0679088810665,0.268370706705,0.671788247951,0.632244235183,0.916017502327,0.335591402409,0.503618553728,0.784838579415,0.383850873446,0.747129801388,0.451112476964,0.0654535113615,0.523386155056,0.0906155287637,0.0741819118304,0.429983689247,0.323965897221,0.752188949423,0.554403488769,0.136659422179,0.725474991482,0.925749567913,0.830824268216,0.227220520462,0.63847534605,0.84730446493,0.490939331192,0.319256418431,0.634500242008,0.0432935059142,0.793343849617,0.960179445378,0.00628638664793,0.595253120177,0.273998723158,0.641799159158,0.278733630823,0.423691586123,0.0414538033658,0.625514451556,0.373682817255,0.868929011071,0.148758019368,0.573392477675,0.319735690052,0.225347686014,0.21503812019,0.509471335722,0.630174972138,0.99196526524,0.253563868483,0.0794340696166,0.0603899632954,0.50407690499,0.137753027426,0.650382747839,0.938026611392,0.549195382375,0.770822417123,0.706434642297,0.210850180871,0.820684619071,0.0900481223398,0.83383775894,0.75746706401,0.45954550197,0.516755067215,0.491269449122,0.719021928996,0.624561604837,0.0384931632398,0.481918200176,0.954096184143,0.565740908448,0.588411154446,0.447008582224,0.0700764111249,0.889585190899,0.744597148924,0.177626184129,0.834245510653,0.515364232586,0.299383445619,0.722805846791,0.817391979298,0.716717037928,0.806911314624,0.211191893394,0.375849824972,0.957465581374,0.243397008514,0.225449450715,0.899334952538,0.400507480239,0.913495385178,0.533156405531,0.527925541412,0.562975050875,0.0958894665043,0.394416765076,0.235582821837,0.0701282027785,0.182306605124,0.390723311572,0.576324363768,0.290656032289,0.571654164469,0.811598120354,0.448618196806,0.771944423406,0.06491117958,0.110538099071,0.416745809903,0.679789291197,0.552823400462,0.296005255261,0.645088547006,0.307504247425,0.292780924388,0.896531230592,0.825014417471,0.147756443165,0.249585519526,0.305904964137,0.966312499177,0.756871665324,0.898885989388,0.258593544378,0.608751028141,0.786273698786,0.269226171107,0.765643503337,0.405034506857,0.453942694507,0.690122690826,0.646967313549,0.527619477388,0.352745338518,0.136029800335,0.538784404859,0.9574048806,0.328908026739,0.443458655608,0.384670303298,0.774889072439,0.770483339302,0.0336400089171,0.0562000812228,0.621799237647,0.761126188973,0.569196849503,0.273258261207,0.983957889263,0.523522345554,0.883314314053,0.10432433052,0.909056300103,0.30289439318,0.504519427382,0.855282914583,0.370988384187,0.1519708463,0.495995157033,0.0401953374193,0.181233520167,0.521352111509,0.237609294243,0.509917069329,0.0833202861608,0.333537588979,0.868831221098,0.778162780007,0.615618756031,0.497621669211,0.87836054329,0.489719140366,0.593690807962,0.107536446736,0.212961759526,0.310435027165,0.738935942851,0.516080441829,0.713374129486,0.727522413394,0.147501864538,0.764444584045,0.539987050044,0.517375653208,0.255264321112,0.0722062881771,0.609919861197,0.609707721249,0.246691264834,0.923508511472,0.406587358504,0.463698696945,0.416674463827,0.335425500615,0.798231816502,0.998267259804,0.437063439898,0.847079796107,0.0606822386038,0.712463595224,0.163540545642,0.494764157354,0.408580562257,0.199734672888,0.679293822857,0.773136268551,0.363529551477,0.447642854003,0.451552421609,0.005388666566,0.910504164362,0.949105598056,0.620631264282,0.152086368114,0.200094050431,0.738459581337,0.325292852494,0.483770014311,0.699247411355,0.125134661159,0.532534552164,0.876301705604,0.923803398888,0.0705988194314,0.525325459525,0.895828951801,0.973097189635,0.456902586125,0.160419761022,0.883248270676,0.250978995209,0.260103106318,0.995237412847,0.650835109807,0.31945799782,0.918778671599,0.297626170014,0.15397611832,0.320467764373,0.908097702558,0.804209604913,0.08238358239,0.569278811683,0.264433454165,0.12289757531,0.054592695961,0.218696815399,0.418137613381,0.309317977516,0.903500102429,0.510714496982,0.925578366617,0.680440066704,0.950026619409,0.344110528794,0.941550342318,0.579066540741,0.459211326342,0.613630590438,0.882486809485,0.962625696102,0.542124825014,0.538967357633,0.587713911338,0.619357732903,0.647574522148,0.853610243707,0.743587363653,0.805350287841,0.228018213822,0.181445638304,0.85446184211,0.752148498461,0.384920275415,0.58252258821,0.489216824348,0.605987544688,0.116339619521,0.561011684491,0.7288944438,0.00354047701054,0.625139426048,0.502528972123,0.603004405698,0.325034274956,0.456946463073,0.540046409532,0.230871201388,0.130091034384,0.107986188636,0.965022691257,0.377929084079,0.827773828338,0.955855344602,0.310810128238,0.0645592673936,0.383722232808,0.723530722842,0.649907817585,0.37587536939,0.233965066511,0.151942051796,0.746717542699,0.795229851511,0.733669838799,0.372263704741,0.00360685895749,0.220936659741,0.307997929322,0.524675944821,0.0513153321969,0.774900858971,0.552932962029,0.956696256362,0.127137036924,0.63791682369,0.0300822178721,0.91201369622,0.689399498888,0.614594025981,0.865085818326,0.726278068661,0.123035041829,0.739052866389,0.315408141954,0.970374423416,0.572265367069,0.0635123107398,0.310455665955,0.034683009316,0.897195149512,0.99971646829,0.383911745292,0.891781678797,0.0245257889695,0.947757037305,0.893409297207,0.971358000635,0.645135780638,0.42797071926,0.32172300761,0.530085217738,0.682834757916,0.962203837773,0.272180431827,0.648130975315,0.0188225326409,0.265321637374,0.2588292869,0.0637388656186,0.4605001482,0.261016242377,0.0516109990142,0.898607764364,0.12869476533,0.783029852972,0.770215355584,0.0990796224215,0.0233206882626,0.34353427758,0.83294037171,0.802017497249,0.562469953677,0.0202823667663,0.991396251676,0.688156433395,0.994990284351,0.664184548236,0.967137994303,0.0616615909642,0.57345447914,0.850183839475,0.677029645903,0.256612649887,0.563886440649,0.473860178459,0.279436864301,0.592405981997,0.103855911513,0.413168048501,0.936308019778,0.791162611139,0.712403118483,0.893264870129,0.377994066493,0.136835246161,0.256878491854,0.314967850316,0.342521351037,0.175332114625,0.229625477073,0.722696258176,0.800952259279,0.636916773363,0.815326578946,0.763424427945,0.965050142062,0.451209943556,0.258186193915,0.974187697901,0.651493764598,0.522569878102,0.0345649598585,0.365790240942,0.0306444757286,0.739919071026,0.808802001128,0.316873966289,0.810784473231,0.881325018432,0.935011225846,0.776648874683,0.676937390038,0.706795527108,0.714869794506,0.0722270534982,0.376281997564,0.613355575652,0.999241924788,0.853963747429,0.0914813269023,0.179950988213,0.415906052434,0.918580709001,0.363402537603,0.158035703171,0.676271249626,0.96786418784,0.68232017672,0.757607680952,0.106881852739,0.309100234448,0.623521067739,0.494727077061,0.411053623987,0.887293528873,0.763501776739,0.82547653494,0.267652452389,0.494840371336,0.776172269988,0.249518197526,0.0611244923154,0.414853027648,0.641686336908,0.355857949389,0.162356221426,0.254166246984,0.153360311187,0.66475736637,0.446441792117,0.159733123742,0.153895190728,0.247464650692,0.208118679318,0.512107859211,0.774532067571,0.0962869811792,0.194006024335,0.084407788228,0.313279080502,0.580005048398,0.149564597149,0.207350378163,0.682549437397,0.0437830997022,0.821887147998,0.51322181997,0.952087818172,0.801581951852,0.800488530352,0.490926612978,0.25738182732,0.716851006688,0.0671852776276,0.94511692851,0.478709814252,0.47980274511,0.028953165221,0.929017906909,0.5739658341,0.651239913154,0.220843937286,0.670600890064,0.884559703587,0.173520029481,0.221140908424,0.869704254357,0.851528032644,0.884101894348,0.899568508358,0.890581081911,0.12802342465,0.872833696198,0.221092627517,0.863070298822,0.970742487188,0.753626956641,0.660643779357,0.276022484565,0.826892268841,0.492112590794,0.255803515173,0.604715367976,0.582243928428,0.649549864254,0.577912314713,0.221929469286,0.00470648647533,0.0566104633619,0.0904908214578,0.155476856973,0.149590456951,0.305743948968,0.357174877824,0.810345690811,0.427711943865,0.743720256458,0.722755366726,0.591320832338,0.7388029518,0.183717714346,0.00618607446261,0.167164933674,0.463519204413,0.209704209953,0.0614187063758,0.556383678778,0.357742190608,0.187667711237,0.524172801631,0.770604512098,0.060887172602,0.626090130631,0.737550500203,0.397892742516,0.760493333065,0.272304353887,0.36252142277,0.532018741594,0.397231372191,0.55382414495,0.183196562892,0.0555137101454,0.700332912044,0.576098762851,0.236225958151,0.0647670871943,0.359736963457,0.218283754371,0.93621810644,0.530739902208,0.558046435723,0.12467471255,0.702842024948,0.87406917648,0.815936005993,0.532707939997,0.670666516451,0.221961941631,0.208714678556,0.242110082011,0.48257149144,0.646448606904,0.561516837126,0.0408410685537,0.593806555105,0.168990015305,0.408080430979,0.358402612171,0.090744834084,0.760899002026,0.740370116972,0.174456339999,0.655521134153,0.0727805694767,0.104082327534,0.342131478876,0.321944782886,0.127841603839,0.966098384032,0.551665340465,0.981505940782,0.325379872444,0.875573823329,0.680478560104,0.328633576438,0.247282138598,0.764158336508,0.387500327742,0.449401420635,0.490694664646,0.484568315524,0.84848630777,0.157118563524,0.91288199341,0.534644240155,0.922585124853,0.272245037988,0.416256009917,0.896942325877,0.657897102638,0.550017128153,0.204023719726,0.122942327411,0.628319982551,0.00325064114106,0.766941705781,0.606635609364,0.134989041246,0.359759124503,0.247277638038,0.710750391114,0.881630844861,0.0744729463369,0.522672915005,0.72837172253,0.282755682389,0.727976199708,0.263931600079,0.958070149062,0.141212717692,0.382127506479,0.232039477452,0.252600596651,0.185767965236,0.425921613974,0.664605013928,0.811177829102,0.724125152476,0.700597868736,0.931370198627,0.589263478609,0.191257254955,0.367514916682,0.946763563881,0.881802378271,0.79476856734,0.960578858886,0.782491883258,0.0793239998576,0.685478786518,0.0505597045798,0.258908851237,0.390034242727,0.183019840684,0.203213925576,0.197039519283,0.932398206302,0.299594659398,0.277907443426,0.498739098142,0.178687587102,0.0781145471889,0.0136549402234,0.197687183373,0.828126101621,0.0251299866485,0.739993948931,0.272027091622,0.844277695332,0.795638928124,0.843387635844,0.0057141072255,0.34795916334,0.798367703552,0.510673546721,0.734645661237,0.572453142309,0.560712639382,0.662576034617,0.541751774381,0.0684474524105,0.204022898005,0.734801137298,0.516862376431,0.0343472087691,0.288843533979,0.19984342027,0.832313588608,0.209001142493,0.76856804994,0.911294287218,0.883463862928,0.710148278587,0.133913225908,0.667463481284,0.161448343505,0.61767895775,0.18952131796,0.244018996776,0.301434121672,0.109243368096,0.296844701172,0.599138037093,0.425297007553,0.965203722142,0.789041623215,0.334196876719,0.48568435596,0.651504114167,0.680305478604,0.342920682315,0.166645445999,0.974767212342,0.9802916845,0.570098763201,0.767910654141,0.742930587364,0.780465507271,0.825381822756,0.27496890996,0.128126292442,0.652116838671,0.510067602906,0.049221616752,0.872788963479,0.33172980339,0.3543570812,0.186201894163,0.940470475387,0.501717377577,0.625304403057,0.690867530637,0.276390906345,0.814590990835,0.785934379799,0.546936856808,0.562422537341,0.898204056613,0.219936632844,0.258208691766,0.737973869548,0.530210583341,0.103760934564,0.0851596231083,0.341822692297,0.45321029187,0.606158383106,0.413421812496,0.704160088005,0.266126668479,0.230317521639,0.649824552437,0.863779307519,0.381958599528,0.319083398285,0.98691870411,0.216672303251,0.373244593497,0.437028613432,0.58283634594,0.150341740297,0.426353794507,0.0693767183283,0.151060212903,0.754034742884,0.905396689824 -0.517455905991,0.999084805952,0.297811605754,0.945480276813,0.839755635344,0.584723069222,0.196651810163,0.384722461189,0.127474871389,0.118610038151,0.602697128988,0.513864410092,0.414928520292,0.84726267231,0.569612852616,0.545133132091,0.222884939072,0.393224451718,0.363471505046,0.640272475224,0.948007021804,0.472471959114,0.526165576702,0.0366661298118,0.463539118979,0.275216924841,0.982033372183,0.101314719514,0.973684997364,0.598750323151,0.610041992024,0.728730189386,0.78241529623,0.355175265926,0.148846921589,0.0537259946853,0.905088172257,0.348936467906,0.183809433842,0.885556908092,0.720125265535,0.629658537049,0.365682372899,0.42536750156,0.169616461869,0.396502090884,0.426060815001,0.647557897629,0.981392052581,0.666707417381,0.270287771617,0.57899690735,0.606063209693,0.226490305481,0.256556317438,0.230477370319,0.796949073714,0.448985332775,0.405180090788,0.571038472997,0.129254939902,0.0377306899674,0.111628352031,0.708579870278,0.772913084122,0.677312748549,0.744014295831,0.0887860488389,0.859983856475,0.357687969242,0.305302265999,0.179885063816,0.346371463869,0.0347312591803,0.991921931995,0.853825077998,0.566518329229,0.216721856943,0.220869455901,0.0019086878683,0.214881565135,0.564703710278,0.64877652384,0.74504503043,0.111887334832,0.47846252111,0.796356377695,0.723952663859,0.313282099832,0.690645665731,0.953149162673,0.888375824973,0.552161101139,0.494862026424,0.688812100021,0.908955871991,0.424368615701,0.902294369032,0.552532735217,0.294374348224,0.265559299786,0.488905817335,0.594104021444,0.983204233813,0.405664309232,0.330213979005,0.309728929076,0.0935400942747,0.0453032404686,0.191671160339,0.832445121532,0.0464592811094,0.124941454393,0.117192857871,0.356297322196,0.352995603805,0.499751326753,0.147459485799,0.041621397501,0.546958803519,0.236354945719,0.143455286034,0.964144891634,0.677825659103,0.322524226288,0.176612663481,0.468077141682,0.222886276079,0.901629494809,0.579198033386,0.994725319262,0.802056179972,0.161567509531,0.986877876863,0.00979933142345,0.989647576229,0.164385403493,0.0733095158996,0.658760786106,0.465589010841,0.772745290251,0.300893231933,0.691411706987,0.0709472631338,0.793177534146,0.460944260756,0.93239188266,0.0749255621101,0.768608001729,0.287063815059,0.846721683188,0.453806880673,0.888199588246,0.919455320691,0.82070136988,0.0552388123981,0.497606011664,0.224349878426,0.316983488364,0.858837435004,0.767132793931,0.0212523958321,0.929999697483,0.682783936073,0.883942028504,0.1019533872,0.501232696808,0.203141432382,0.211006629519,0.34381827514,0.0649517514858,0.726823583284,0.200000749756,0.0620557013039,0.938800609676,0.0835932661352,0.996256570915,0.973519954486,0.117454769749,0.115071761998,0.256746519217,0.013579038363,0.794760141472,0.414710599795,0.967065754104,0.753169478304,0.924476484783,0.135606897844,0.663581787774,0.63886035756,0.383690866204,0.826544744882,0.921490308204,0.461002391779,0.32733140095,0.845353737092,0.631576977175,0.885323505855,0.72557378106,0.908502251622,0.299048639163,0.783165233837,0.654479657977,0.265330649832,0.600820083206,0.109774992113,0.513460336765,0.811133615423,0.587839325744,0.958900823193,0.40670877919,0.774550502599,0.403239857227,0.057617485979,0.670490344672,0.600556171189,0.821660378741,0.616523033398,0.849354428773,0.298972050716,0.355565639884,0.405783941928,0.32955208726,0.310690722928,0.385525114514,0.714451823778,0.452790699692,0.319402391616,0.842870014343,0.781059190694,0.640177565682,0.194973847464,0.696406682425,0.760782805077,0.522512634343,0.776087110369,0.672500286681,0.739821190535,0.408877818769,0.6749011791,0.339722431977,0.641204462319,0.358470605603,0.360306459611,0.102934698613,0.953433584754,0.363445706658,0.777501687212,0.0514028235969,0.6737445751,0.343035205837,0.0123172912189,0.659009011233,0.256162056115,0.172634240286,0.471435137677,0.0180635059891,0.72356284728,0.228361858272,0.965799943912,0.987282051523,0.424453476126,0.10464906013,0.214796318704,0.188558260654,0.487046456346,0.578462728904,0.920362138152,0.0318302566461,0.833335425172,0.425466993448,0.067214472193,0.568614297999,0.127284396906,0.513416104611,0.262735219474,0.984303991002,0.306719039418,0.467126812698,0.210094903599,0.433304810557,0.20378169041,0.724356340939,0.0279291482508,0.925782387964,0.207720208012,0.417431311719,0.604869099825,0.643912704132,0.506610297404,0.695447716881,0.574797299138,0.204208995634,0.745245252893,0.51045722131,0.265297065348,0.0296885102241,0.547462271135,0.618507557207,0.777179228772,0.824920815259,0.375189895008,0.0353869462837,0.798492385068,0.108802298642,0.0725287815381,0.585173307693,0.499747850748,0.617853868987,0.955105151858,0.116672639993,0.52408428051,0.941383626158,0.718006014065,0.151384485297,0.242051026863,0.727707630502,0.609974308509,0.322155211919,0.233234243911,0.462308787373,0.311409991105,0.813384748142,0.023588314341,0.933876407443,0.408928377223,0.541157431691,0.272498097343,0.224557134048,0.953955194314,0.218361743547,0.555138352685,0.389986026838,0.829759659231,0.351061734642,0.298282719933,0.476357639276,0.877039506255,0.449541998374,0.564877724549,0.0797681384207,0.963291196494,0.869771301826,0.0870947523099,0.132805386902,0.512956381961,0.493147457389,0.417327015207,0.894232514123,0.30798353337,0.285677777932,0.344848500499,0.470818681549,0.670509570998,0.0792079924621,0.448792374481,0.594217017765,0.807956648011,0.728133068851,0.253411067795,0.437862905396,0.686403205367,0.0384085586385,0.524669869056,0.114939529009,0.847600289218,0.204248507766,0.853268072561,0.487350772745,0.542058244869,0.0886406444496,0.585761725525,0.625706884578,0.635534314588,0.634807323528,0.796279510286,0.169658406144,0.107162338529,0.675126130584,0.301504393526,0.964072436426,0.934842308571,0.133000718413,0.474498202754,0.470230426929,0.484214226038,0.772336626521,0.592719251761,0.104612064529,0.00191535924252,0.0797574041039,0.947634223832,0.197850036173,0.104391373381,0.614948478269,0.0511227669332,0.991737813881,0.74243385851,0.0310441322495,0.621040139146,0.959459886845,0.773518970991,0.394138381354,0.626498977879,0.464036138047,0.256813276466,0.416381353969,0.83569619844,0.801399003595,0.31232867578,0.448442497266,0.997747142256,0.216995890062,0.536604612618,0.954036072976,0.696912306334,0.778336972249,0.447710668111,0.0864792146757,0.12882191597,0.294297750792,0.123955142651,0.306354509738,0.428159745647,0.648902071076,0.023276993766,0.959385065986,0.962431656061,0.121158766135,0.58560811351,0.869592391632,0.917571865123,0.22035689577,0.260813891483,0.360620120126,0.148636640108,0.310180327037,0.47640948148,0.813096908081,0.0267470812943,0.644578431261,0.0305803763744,0.17906693085,0.694664925149,0.20820652848,0.0555683342531,0.51483956001,0.129086064364,0.558096797647,0.24513939325,0.994275088403,0.391281291673,0.693123567047,0.0116756458556,0.939452120117,0.326581483687,0.493253301281,0.571447455405,0.756842633439,0.76704529705,0.694983416138,0.616730718409,0.552101858824,0.176498994562,0.986351801852,0.776173639356,0.821266315778,0.855980841076,0.217790868983,0.779174271017,0.483056084681,0.510353391221,0.298059873854,0.720264963102,0.199467316072,0.357104742758,0.640508546396,0.295543286578,0.152212568858,0.469274916511,0.292760450209,0.148335253509,0.736455049393,0.0541323637783,0.199494448524,0.629853210643,0.645085725594,0.133736687353,0.833939091295,0.860533608775,0.29951031901,0.563314208518,0.677786211804,0.118038964537,0.942696125967,0.733373176045,0.734943864195,0.227430401771,0.25329018797,0.255956940205,0.208296107122,0.956596537861,0.0698496059404,0.629143980913,0.044127948549,0.720163976781,0.211000642456,0.774926993163,0.478498063303,0.409951128652,0.417360994481,0.768571495466,0.770947371237,0.546039293481,0.401015602715,0.494030964789,0.293012545649,0.146514480028,0.645992290497,0.191362454096,0.237689730526,0.763764423506,0.180573396599,0.82309660342,0.222670162125,0.127180071824,0.506805930962,0.769699622282,0.694859079522,0.501217625868,0.713203027886,0.253102365675,0.821947837055,0.46102925381,0.868054025154,0.866960240477,0.788851012403,0.813527803978,0.0295355918327,0.676265797778,0.104529368183,0.388807864194,0.837406731755,0.66357380095,0.182177373216,0.306462351314,0.771396411905,0.28345103445,0.135255630557,0.341291253502,0.860181185363,0.920754576454,0.845917698923,0.547854573707,0.000794778595461,0.00664072694882,0.18974453727,0.29520695644,0.749451003946,0.584490816383,0.560598395622,0.877945169528,0.111085735888,0.114593184418,0.781452039966,0.851249489421,0.196114743219,0.426737009142,0.267116877552,0.479928627777,0.696151827349,0.297121702443,0.534132629431,0.0220330762246,0.194784466389,0.00150769967424,0.777596775611,0.0164269008687,0.160589044991,0.32811792156,0.344879195634,0.429249721348,0.0682370164498,0.149203135848,0.746508703347,0.749278572227,0.856108487574,0.529968494314,0.190602664245,0.466901158557,0.446566985595,0.0199121441596,0.286065642976,0.461417218842,0.630739464527,0.0418392423343,0.301569593408,0.532293699512,0.726946628518,0.186895750579,0.771534095749,0.993699157015,0.433862724584,0.150506551083,0.711217780948,0.82397583513,0.721584870957,0.858699137946,0.8664245033,0.729473847851,0.75512834803,0.917085019253,0.105870580821,0.427714011036,0.840191754933,0.412271343107,0.358488663535,0.567403131739,0.795529830994,0.425944203268,0.966633915269,0.916099659192,0.798537288468,0.563896099093,0.153743831039,0.141029548041,0.321269937868,0.0179420780096,0.317998900168,0.00813215582686,0.241756522999,0.608016756325,0.432854400811,0.0698769982132,0.468786802727,0.984680504899,0.587068804975,0.415896080999,0.0587438007118,0.859108029327,0.0470926446652,0.432828020131,0.97191931138,0.277138413531,0.111627217154,0.296731991719,0.971294339536,0.237972841704,0.795259396038,0.743547581234,0.832152055906,0.196820244982,0.5287460166,0.590776696813,0.221813797577,0.257103883051,0.611603282969,0.0853771002043,0.902756530545,0.903359934216,0.311921496105,0.850298341365,0.461195786009,0.874012318953,0.528686938112,0.228297803287,0.372882916474,0.854152192072,0.664842736732,0.874727977529,0.226503988949,0.665561890136,0.529156910807,0.16690445277,0.0388610500175,9.34698291924e-05,0.225351826125,0.651835849721,0.129230190447,0.814302711569,0.392217559666,0.704281718924,0.0532864797954,0.380007293361,0.949811690935,0.888317426779,0.534997024322,0.74011413145,0.828350676737,0.412339383367,0.105177811367,0.238998745107,0.920631470109,0.346281841652,0.187630341165,0.678511473809,0.876387416533,0.0856113555901,0.678998714462,0.965656359792,0.716923548939,0.687347557026,0.921139462704,0.803677968982,0.0126374414707,0.701725989864,0.586128775319,0.143572351781,0.762380504996,0.414175356857,0.153758510014,0.690763936042,0.804192449739,0.447522878917,0.0226959350731,0.0338013589349,0.245601816514,0.9164687074,0.182491151962,0.687315161411,0.286322086709,0.0313346573798,0.941498043929,0.781256184166,0.052933709437,0.183771715106,0.137469698764,0.739153471948,0.0200859614643,0.138389282557,0.599109885747,0.109394813161,0.946058991193,0.177051002096,0.459636902366,0.384835653015,0.958213088466,0.225372253767,0.689134734246,0.0339409993661,0.198808868229,0.262441622754,0.434846372828,0.911575788438,0.0411981507192,0.939553937029,0.390866196329,0.688193625869,0.696537603723,0.682737341181,0.466031375217,0.0413206830186,0.430059388282,0.419718883011,0.272087361397,0.37789122657,0.420505143596,0.122205523477,0.617378535685,0.234425761652,0.62512164414,0.930690302679,0.248555308419,0.431609141558,0.356265180929,0.714841279048,0.17378405699,0.985079846582,0.592114247689,0.901737593194,0.858177034935,0.46267616866,0.56458558577,0.0527519526535,0.329922702915,0.378872741028,0.522528044551,0.863094929607,0.247893904023,0.293928753111,0.271075452622,0.502790376747,0.272873033681,0.254676584278,0.994598227443,0.401336222276,0.0471183774198,0.570379894464,0.243047682523,0.798122845939,0.136222737591,0.917863376624,0.98409212771,0.583433113327,0.59311703207,0.492897440734,0.57919326507,0.553483277577,0.330102970522,0.903233802674,0.854635534419,0.0305880962978,0.131901882556,0.990285305198,0.825166238115,0.167412237011,0.958034059012,0.935327370359,0.50723395787,0.838941232456,0.434081753929,0.998206636305,0.457387673437,0.558918916227,0.707119012521,0.54955729479,0.748687023989,0.256340974557,0.756195126363,0.891875964261,0.630575588617,0.720169014838,0.270913093949,0.360670220489,0.226793944016,0.361064350269,0.350986944395,0.497317440571,0.387693626424,0.999348668004,0.381919977871,0.120809215605,0.144623201659,0.430304705765,0.127608687946,0.542241741517,0.410082083017,0.851442335898,0.217592872423,0.183075851722,0.121512276961,0.252734627017,0.212376420488,0.275824757352,0.25084274428,0.651804327718,0.241900080158,0.481434823528,0.0423911583596,0.956259110216,0.434621659801,0.803721784733,0.871100835852,0.181545277542,0.732212768657,0.155095073595,0.510127336762,0.770846674821,0.149676308221,0.449233321642,0.691321868386,0.485213192764,0.326438022858,0.465924226336,0.131291974896,0.306757065199,0.0547363550303,0.370139677052,0.569068326027,0.38277697207,0.672412744417,0.372862333292,0.312249257441,0.926309790774,0.589644934298,0.169952503059,0.463965686779,0.124603126037,0.47283022842,0.867764369352,0.147069302994,0.744455120376,0.924672409599,0.818637238794,0.222589558426,0.0927112414276,0.115936726878,0.886614479946,0.733325919383,0.147384249929,0.829043389451,0.434256191363,0.0845775699283,0.953868207163,0.436106311507,0.269592282298,0.448835821939,0.819394485801,0.286839878875,0.025557628569,0.783514878245,0.608525453793,0.950468301393,0.773782098192,0.829643022009,0.294772236138,0.985896785933,0.370645115676,0.395770082703,0.9960204385,0.364669985134,0.734598157901,0.565935087177,0.0460817196795,0.753428084731,0.632691293053,0.685008260892,0.160276927486,0.782350505289,0.138173076735,0.650661895319,0.110602525148,0.529460694518,0.956499353758,0.29299502042,0.183923915726,0.219304579178,0.483659945365,0.229284721656,0.245804621781,0.437819346104,0.937899349511,0.830839344858,0.00742250892207,0.783010018197,0.686106191764,0.381350408807,0.560898576609,0.810332123723,0.511517884461,0.161778121668,0.270531583358,0.217460227804,0.381812889481,0.330122558301,0.45763560518,0.234645085019,0.721453928883,0.0413963366408,0.376501881136,0.017895799696,0.982838095578,0.618938716504,0.641658511306,0.687718928727,0.202081131888,0.99645297634,0.778012749628,0.59276906485,0.036609531198,0.733022826243,0.300385849524,0.736732805027,0.425647618836,0.186695026517,0.482781527699,0.850022949133,0.654223522867,0.145165538192,0.193247978916,0.123097241136,0.74606835191,0.482901135829,0.0811663732212,0.14999260304,0.502100424321,0.819949190439,0.990097467447,0.335325475388,0.957040393264,0.170722645834,0.843845703326,0.117189101172,0.677561157288,0.413978755751,0.695129979262,0.884560004857,0.228022981341,0.424882242515,0.958238417367,0.752630326295,0.349269268928,0.744287282165,0.339852462327,0.227090182376,0.221499430637,0.816581874358,0.719864771014,0.786708376785,0.656334019755 0.344902206352,0.279309213545,0.718767684748,0.482564842982,0.831442897742,0.474219555579,0.884642150943,0.259192444567,0.106722693841,0.264487784404,0.720348524649,0.824815222508,0.150383323331,0.329377689546,0.544486918205,0.763498959979,0.490152923705,0.67355012139,0.112586182092,0.621426955544,0.293300458777,0.626226997712,0.337390951027,0.296904077596,0.0378903896297,0.409290048342,0.919411384848,0.795192463352,0.0347463966437,0.71277776597,0.11818604632,0.180749943528,0.922608678525,0.335716647054,0.0581154985311,0.42718056142,0.479921028519,0.51803179145,0.385889122671,0.589687275463,0.744363353774,0.725551238683,0.828709989536,0.884551871273,0.65522011396,0.882279240663,0.244985860047,0.339646578603,0.529902856846,0.504626159341,0.888506712145,0.797082714995,0.322726336661,0.0230618232819,0.329503296911,0.30903943115,0.976500272797,0.230291424351,0.103849009719,0.338960655004,0.172257802689,0.664963842047,0.477795621858,0.0505208261424,0.487718874702,0.358801144067,0.611500901365,0.161249975466,0.305245753103,0.0169737780621,0.698275047443,0.15920934481,0.85535355748,0.719224979748,0.140969075335,0.625354651378,0.313718068464,0.775590223437,0.966267686661,0.0424384892973,0.732405581573,0.827664918516,0.504671832826,0.393181442078,0.55979778062,0.0857561677628,0.681294913534,0.791969798263,0.331736765977,0.385587602416,0.570954726191,0.55157439161,0.320779355623,0.111615462545,0.972255056232,0.52362480081,0.790870810131,0.567519042183,0.486781873456,0.333237298177,0.290172253781,0.802107618489,0.116509579472,0.758389630265,0.0639681733656,0.527893362365,0.985998993758,0.215329566038,0.121805826552,0.969879953519,0.336985206285,0.285154583508,0.428264997016,0.210741734385,0.232564247978,0.837310500347,0.512091888046,0.23413311405,0.250536985863,0.298399030956,0.554612352678,0.829531776647,0.213976892673,0.736536756218,0.889896067887,0.113512562699,0.128209768006,0.640858080015,0.97603982814,0.325727142302,0.0849170000012,0.212396624363,0.825629372872,0.535433806504,0.0042805884902,0.58832048035,0.265366882461,0.448650258185,0.104417071001,0.950786050982,0.134367720917,0.526643376005,0.654950941163,0.798888387623,0.160879236256,0.664937138119,0.194282692552,0.532141943716,0.0517770038939,0.973497925145,0.860410872221,0.821496726786,0.283196917274,0.0574814784932,0.864106166909,0.680620058208,0.171784333403,0.684267599426,0.635654137772,0.228184320034,0.995876509847,0.882549003717,0.676083241396,0.042250899632,0.109390404822,0.4454234567,0.0685278154459,0.749758023113,0.56798849788,0.0941763242386,0.664288180188,0.591073217107,0.212045753216,0.434918123128,0.53321190194,0.569072734846,0.0747211025313,0.777301636054,0.515725546495,0.420103784338,0.796796435735,0.663243070226,0.382587945868,0.691128366558,0.507139078498,0.500449738112,0.699796696674,0.804732458336,0.707926627716,0.102154444013,0.0238741396989,0.0417100622302,0.722718112901,0.238855679629,0.831450856765,0.628541475866,0.8458850766,0.219678739885,0.662890220363,0.833636393679,0.0604885087907,0.879216672132,0.0941149987325,0.473557138242,0.522800596881,0.502855711905,0.924938337632,0.099611685973,0.609172650614,0.731518877922,0.899054715439,0.530151024573,0.462524861787,0.815971399304,0.990161588229,0.724613225735,0.447538762925,0.900786565373,0.437902174216,0.209327971563,0.529052408915,0.553168190064,0.415095307254,0.482860241863,0.722573471199,0.560024841226,0.567011510819,0.319382781505,0.29921907944,0.873451591127,0.148863509373,0.0682143520505,0.761351230519,0.589827548813,0.235288812443,0.954759000377,0.53271409152,0.417668539212,0.265514821127,0.326560110761,0.0832642969183,0.211698904155,0.00268117221397,0.164760557456,0.405332197803,0.834098672399,0.596519601319,0.810621351332,0.267120224933,0.032442420612,0.624088109715,0.705131943921,0.626230324132,0.714309384814,0.483287114339,0.630508055112,0.503198509619,0.4536394809,0.48429321133,0.222518658953,0.327209924189,0.682361323629,0.33602602497,0.883861280988,0.729740462269,0.918620066162,0.266513300481,0.784209534194,0.517101395282,0.862983273773,0.663341898698,0.489412823817,0.514854545728,0.529505063599,0.952764000054,0.98028643616,0.378034337159,0.473142844784,0.781215359612,0.924972728805,0.683525250632,0.344597502976,0.857063006843,0.784158719735,0.293837534493,0.905034453331,0.478361871275,0.698966625497,0.543066823953,0.316068234862,0.414582185698,0.23635375694,0.572843328606,0.783131583198,0.618614252888,0.0832962605396,0.334589032358,0.620415096735,0.20151764301,0.586842599602,0.957500524022,0.012814649908,0.744376934251,0.650259609605,0.0390680124229,0.776676415104,0.391910399706,0.761586360276,0.805400546516,0.641041900391,0.264153958608,0.518910989573,0.0923785586893,0.148240378006,0.672413442423,0.964835410572,0.266848094819,0.636562018216,0.535756225087,0.512768729972,0.500112171673,0.80152157442,0.044990044865,0.126921562437,0.88504692498,0.0189677662,0.150935818411,0.45731942819,0.17053401635,0.517116962185,0.759719913812,0.202292610813,0.131167140552,0.335180664573,0.30111140819,0.337689304753,0.665789180255,0.784118683021,0.216830110291,0.610299150966,0.290370991775,0.499842814278,0.63741809298,0.922511137035,0.70231534231,0.765511079644,0.155066821952,0.167312512903,0.183948475893,0.774396379165,0.31449967715,0.0223772319763,0.735349608411,0.693624840761,0.677644448927,0.141600841901,0.459870054527,0.626083673789,0.670249885952,0.0412759411853,0.538773791698,0.851859246443,0.966139246879,0.0673718154117,0.549428859492,0.0611508221589,0.494194037796,0.0910388571184,0.45770657454,0.951992019104,0.061509737453,0.517305197214,0.674475636788,0.86420156287,0.729935307843,0.221615094286,0.169641681694,0.861996024051,0.954877187638,0.965147619369,0.410902845034,0.740118505044,0.698082159873,0.872131761287,0.546784809069,0.11913759153,0.857396366636,0.895050282459,0.422404019459,0.180212148239,0.944683611428,0.190269273979,0.823580034532,0.450696462204,0.496114740538,0.687623580316,0.218486024515,0.0587657828027,0.594016934402,0.762261219118,0.72059759907,0.489559790225,0.389756088958,0.933976749063,0.214717108228,0.863747647978,0.111395782377,0.879328506074,0.294423523284,0.839147166702,0.539456933429,0.618946293022,0.0509871783299,0.787759979795,0.738665662878,0.87058632193,0.61773462247,0.133708147884,0.441619527424,0.786740901224,0.419932033482,0.475180657527,0.918686410667,0.965723523897,0.229899915805,0.527654893229,0.208806765084,0.584046877159,0.901385614082,0.800895661545,0.192752050513,0.972387262476,0.518902239328,0.534614178212,0.206782387733,0.947527092873,0.657253342957,0.920467982727,0.144369614379,0.725614224552,0.743082341988,0.46447461722,0.465534244024,0.602509427639,0.652397872405,0.72916917034,0.575544285976,0.284677247174,0.618011691231,0.996152676268,0.0931234422655,0.100609485473,0.301829127402,0.509663079432,0.0885709782542,0.387098056696,0.818615271076,0.974562970661,0.825508424306,0.62366347046,0.136128343727,0.15627869571,0.285703859447,0.285039656691,0.240277127672,0.798762575231,0.56871434056,0.542144334513,0.943541816481,0.853608276206,0.268275915796,0.682996833644,0.400212049197,0.34587030125,0.613388913114,0.402000344762,0.1471789524,0.420242406868,0.0668136791643,0.985872265946,0.0921215961452,0.0310962490833,0.382800325862,0.197863086507,0.6297401981,0.250620821776,0.293533779676,0.335385462576,0.984376473961,0.920400843829,0.380475533496,0.331102838935,0.107195987402,0.991208097102,0.748204814853,0.409168960841,0.284507061146,0.144105839941,0.675618271071,0.822663246309,0.20173607982,0.480571636329,0.995107976024,0.511001324898,0.572051598897,0.301099107135,0.906842149818,0.502757017879,0.932434478477,0.856524313996,0.436662168126,0.561130731292,0.197789328915,0.523965698578,0.962358593839,0.229709226057,0.470747420155,0.185873468629,0.680235283885,0.0317850393904,0.542819199521,0.798681055898,0.066232334554,0.683099736392,0.146983562858,0.24751720811,0.365784342111,0.405530972198,0.595118675955,0.265281123203,0.170909717684,0.0525406738527,0.624329462208,0.887616024144,0.953302961055,0.388595862721,0.376948718335,0.862805729167,0.197894930543,0.990467853197,0.288549605497,0.637027921558,0.131394579214,0.847135715273,0.621768038759,0.307625468833,0.683309069238,0.472512789868,0.656013227959,0.354002012764,0.723137169676,0.0950794212747,0.0220240480649,0.20735939869,0.284137680579,0.653257366282,0.717984730432,0.227758736196,0.0106282772784,0.576294415986,0.8171090278,0.217386026836,0.942777217631,0.16232317295,0.0284514562314,0.400877342931,0.489341625231,0.603837074338,0.032315963867,0.751231593429,0.082226970197,0.442598853126,0.234771579033,0.196629626309,0.378368274581,0.529441257167,0.576721092967,0.423517137266,0.958119673737,0.747123613871,0.693703085986,0.481697625926,0.586816662948,0.990531360788,0.853936781866,0.990338308009,0.983005188349,0.331119249362,0.408709144406,0.605620796145,0.368642074607,0.614673489255,0.413921063574,0.87359180491,0.0271954825528,0.902190042741,0.137689452937,0.976303582684,0.680921675323,0.303929570518,0.324984690956,0.17511847601,0.167013543693,0.326395098694,0.965782733359,0.34934165629,0.920686030911,0.0764900224524,0.571684925323,0.760397310292,0.563502653402,0.698556337581,0.787254096662,0.36606530199,0.672217773979,0.145652815258,0.671893370206,0.215471167483,0.934017989281,0.30033078338,0.51215693799,0.0611312301964,0.592763937729,0.16727107937,0.923893272839,0.982608667991,0.787767393207,0.952702961171,0.58932787999,0.467246274199,0.374942662436,0.544648003292,0.396559751693,0.0956436211312,0.799475916803,0.187129705847,0.415172320534,0.107318726086,0.809852599496,0.701269845103,0.570462209417,0.384957232849,0.679482630079,0.152805582249,0.349067614904,0.61854681759,0.0116089094623,0.317271882694,0.139316066213,0.664046829521,0.28533843479,0.279998420699,0.00294028236614,0.170540122083,0.0725261280713,0.977775257841,0.190222816048,0.362015659811,0.247895255857,0.103472958545,0.460646507503,0.383069961744,0.782772589497,0.837126733582,0.00117506374838,0.142534859217,0.0468273002273,0.264139531395,0.982642568396,0.249566293983,0.964543940287,0.158668977313,0.608928954748,0.349490282628,0.532303743353,0.756027626657,0.0957322156526,0.392572736646,0.754347771391,0.135861662991,0.700779593037,0.687536025853,0.71518902559,0.571510785108,0.400334482213,0.503439773589,0.0524895299141,0.266747913015,0.538602335485,0.402258702744,0.759071854982,0.128398827708,0.624860826632,0.888786812672,0.328753530359,0.893108021821,0.367449295531,0.85120686418,0.0213707152258,0.553810982335,0.965196370533,0.41986726943,0.292423002011,0.0805570915777,0.933941008664,0.0323963571096,0.200432165749,0.930379812476,0.066847609008,0.759971921862,0.180069814812,0.905156240778,0.285832118782,0.460923250244,0.259124071223,0.857489614187,0.838516330202,0.640465892049,0.823483529888,0.118637418133,0.113075348986,0.97681001972,0.642755692944,0.112198350955,0.0594739574851,0.415924783123,0.0891818779482,0.388354889489,0.937249201212,0.634249776529,0.298586196699,0.689935261613,0.182637814806,0.374616152277,0.640560878083,0.147361935397,0.851832440004,0.205586264703,0.782312456371,0.140282886005,0.759042658997,0.446579497375,0.340775626928,0.35562078345,0.153917958762,0.0448355984044,0.925770229569,0.160675138059,0.913441809613,0.418717065214,0.968136930208,0.748592233444,0.787033745266,0.195798336939,0.202748327248,0.306138500322,0.941933384905,0.36399615471,0.499897654391,0.654968278582,0.515208291873,0.0608080338942,0.260981892104,0.383323858166,0.225294936953,0.5746713043,0.0396132573685,0.608128824872,0.505008709501,0.859441319591,0.761405731521,0.970251085749,0.228394702153,0.0163699710409,0.635006960434,0.3368628993,0.0113283847324,0.121428819746,0.290738207446,0.683208184672,0.446408342744,0.198530449984,0.332743302288,0.959930058164,0.0190433429243,0.219145808303,0.577693661821,0.614503110436,0.869868485995,0.599725277026,0.869543590683,0.512234062853,0.249653580457,0.560046895741,0.326843408999,0.316978359784,0.464410823254,0.764786442244,0.1924719981,0.625632794241,0.560701940137,0.547522286309,0.906429895888,0.00413022528186,0.602988858479,0.35850394781,0.525116625985,0.388649726004,0.197899076248,0.264209774747,0.530835826415,0.661298998831,0.532725810088,0.781830880708,0.337148400327,0.381999334618,0.143252536008,0.221629736431,0.843119614522,0.447468801074,0.628487759078,0.394043279601,0.423564922433,0.75377482717,0.260752024764,0.902344298812,0.705233849196,0.33524238118,0.173111231784,0.0375147361914,0.161094107334,0.260999314935,0.889318816198,0.744664348521,0.200995519752,0.279786780921,0.00313125594671,0.491429253921,0.727479593796,0.894272294896,0.786185573709,0.262981832678,0.840177315897,0.858574586789,0.922686558093,0.760549785526,0.817530991752,0.673122720382,0.71386383953,0.688947531454,0.131867124908,0.137460276068,0.716615288913,0.629546316146,0.208986377161,0.13715606024,0.646899297981,0.740374325273,0.423609940501,0.699281936912,0.383633877623,0.278663216193,0.472899884385,0.421064145522,0.385136869645,0.845544351112,0.17160680318,0.776701487671,0.438229961136,0.327290167837,0.186580501676,0.36506693601,0.0161892737086,0.430672100887,0.767172610785,0.732542493108,0.36738830049,0.0142915723482,0.318723461414,0.190061560325,0.332523343928,0.575867079369,0.616512861934,0.284400192711,0.18688291297,0.304549533136,0.443639305435,0.277136602754,0.805595663171,0.507207849601,0.981407489681,0.556603818986,0.423427440141,0.169039578938,0.0545459714034,0.362376793079,0.418651350102,0.569195649153,0.334847380895,0.676527769454,0.673849651675,0.344792768098,0.150354977087,0.0350192385775,0.463635119747,0.902221193637,0.55369266564,0.486115018498,0.168529124873,0.499438735267,0.318121678753,0.0101402157959,0.554170598878,0.0502814542434,0.0159244840144,0.12640143877,0.218966088198,0.204441742724,0.644514619705,0.516147983902,0.824824214149,0.864379255874,0.941099926601,0.0823596621966,0.678230288625,0.818964207867,0.0433218593615,0.398860889388,0.877495542445,0.25870503866,0.251376777868,0.904822593532,0.0914936277936,0.0909535804572,0.385023871654,0.467726087423,0.836754807073,0.324102334072,0.488189554818,0.275761101165,0.480906376661,0.365412511994,0.429351059044,0.914979087007,0.982997092129,0.334712464673,0.532260923836,0.957410909262,0.209706225584,0.223265213185,0.684800499114,0.348796782684,0.565452702919,0.568293209784,0.0327327173217,0.483156788076,0.766597479843,0.787844701717,0.149178118917,0.444561240381,0.0771044684234,0.503987959882,0.548931395348,0.411064142389,0.194133754004,0.712018292513,0.707966807255,0.796378138281,0.8014685191,0.422325291731,0.303468370658,0.971893576644,0.226900211146,0.737645472134,0.615373344246,0.459755630138,0.0383187214074,0.571992868852,0.175559890088,0.721200845674,0.720606965806,0.428308382258,0.226055543436,0.688615421657,0.0493243123481,0.464789567425,0.0428722866899,0.677210272633,0.73768689129,0.520479414892,0.354461862039,0.0580808895445,0.491034744531,0.613944477702,0.172575178868,0.645356088158,0.099230777175,0.728755211023,0.931484430611,0.705876985381 0.325696119327,0.0554161914156,0.224212619066,0.124878707564,0.982740812874,0.790929105955,0.131839647564,0.823272119101,0.867639386198,0.681355149869,0.109786115955,0.134708771642,0.299980602581,0.480013971112,0.538267871787,0.442113856623,0.191866693978,0.81178890352,0.724823931037,0.254454884315,0.0521048108511,0.495956583351,0.443482690812,0.108264707686,0.699685434427,0.0103758017549,0.188789811548,0.879259881907,0.245807026156,0.688333350138,0.170207357658,0.107568543793,0.0564612389782,0.664214050462,0.988549715097,0.716985948687,0.187749310297,0.161052040348,0.388239319633,0.832088812418,0.149364712218,0.557884835294,0.708982958412,0.864734947637,0.0968738811513,0.826856093533,0.659889729507,0.944032664974,0.769315475893,0.165440269175,0.820801075037,0.963638334264,0.655118573887,0.284070299387,0.691758291692,0.165440178461,0.254746167351,0.855513383429,0.543136243,0.357134058459,0.281522402568,0.0461524138385,0.161897017448,0.966671905502,0.757891657156,0.878211196496,0.44089895707,0.346096586787,0.464731001453,0.985879738524,0.930405990876,0.195838667374,0.734405603343,0.0584545050813,0.60822970738,0.563289340934,0.791343416728,0.183385473077,0.393589931723,0.025451775017,0.819096037376,0.945725086817,0.625148238036,0.211199908853,0.772829068493,0.0981432222831,0.534175010908,0.555897128134,0.604655697859,0.90400376644,0.122183133501,0.903156108898,0.8712001643,0.111033597494,0.326119157194,0.223503311274,0.644537244963,0.0828520606817,0.617908836284,0.443673296145,0.225295101752,0.822918601929,0.0660190544531,0.495401175575,0.165442043819,0.170150223701,0.554894607458,0.641310965494,0.998983616957,0.0478867161151,0.0934077204563,0.311196990512,0.55896315113,0.272913546555,0.46090098593,0.242691953521,0.122729613074,0.404556403655,0.0671341968057,0.555501463616,0.334692550589,0.550123546294,0.900353497405,0.676109674877,0.709654151748,0.488069247965,0.885927817934,0.918407630758,0.191318169718,0.749050866191,0.805980157799,0.158900194478,0.669261023743,0.426286847522,0.154104732895,0.733306831145,0.644491462244,0.512902568823,0.230067557136,0.0513271349868,0.68758618031,0.67741913696,0.305666802147,0.58268837797,0.892757889708,0.291191709506,0.243576726028,0.592178794382,0.486727979863,0.295260223632,0.788309319301,0.3621300285,0.510679328251,0.217151594409,0.549431650695,0.177066565717,0.654287845927,0.213297386024,0.37358405977,0.755654266105,0.476949968688,0.970420174834,0.278907828519,0.492951741753,0.893946790772,0.600994963695,0.544789864684,0.575057089848,0.236708726481,0.0818476210981,0.124282072858,0.884704838204,0.415478405574,0.526949577913,0.033756201824,0.556751601279,0.279210568511,0.425956617504,0.216385277257,0.295503712175,0.902476630899,0.276133778724,0.142448633973,0.528031263312,0.118813978596,0.926478844031,0.710020958627,0.106407741879,0.46830139663,0.956379450493,0.0468077806952,0.207719596856,0.383900203329,0.246668776642,0.955584959923,0.837829784556,0.812502563219,0.354173488998,0.745371462787,0.15533732971,0.912730004076,0.606837172382,0.787322262515,0.417314829401,0.834493550138,0.213674292974,0.283814426393,0.909220673944,0.766442088155,0.375220491062,0.876443816444,0.511294511346,0.898550033797,0.765885973552,0.747136044555,0.469834854023,0.442383560839,0.842819988365,0.573203200592,0.142636070762,0.118910558261,0.0047217234947,0.177414181172,0.892674596566,0.611801718602,0.481573464582,0.605630573964,0.0191881833688,0.295495085736,0.419911916604,0.375003763389,0.367095813534,0.27692799022,0.824070395585,0.0804824335328,0.488915033755,0.38133165789,0.59597368487,0.0159826881721,0.446950480651,0.677207034519,0.929796488953,0.422501323614,0.127250466191,0.567852058054,0.337818753561,0.962238982722,0.427911604772,0.0958211650381,0.151284751104,0.516894811199,0.858102713007,0.387431503137,0.160665632361,0.816998414835,0.358549909341,0.118459100915,0.0118946356606,0.778937285884,0.298831983961,0.467883929317,0.423722175908,0.297603321064,0.243494058817,0.126259603418,0.192558280156,0.768561403532,0.336978194307,0.849905717123,0.560961083003,0.668170724065,0.792394634042,0.66386794506,0.27443234683,0.263933739138,0.457879658401,0.513122723068,0.751779402839,0.0165228000119,0.666666205571,0.801241500771,0.613371507674,0.820506926452,0.170534314256,0.442519205164,0.934947202771,0.599861022571,0.302964563031,0.548005852048,0.238728722673,0.812459502838,0.923624963205,0.785134536331,0.510566142633,0.544140568625,0.852874052104,0.503377415222,0.920469165134,0.654993825572,0.222090142839,0.457027998155,0.200713107109,0.478575279608,0.42316286479,0.0528659308165,0.847636278256,0.193733189442,0.548372295051,0.738132392144,0.380802842385,0.370684778378,0.0109449554709,0.982406315067,0.785880264101,0.151899309109,0.119741992026,0.883310654143,0.550346491272,0.263564027529,0.894143162061,0.253820046149,0.322599190471,0.639349301333,0.666236867075,0.712201475841,0.72401916313,0.274664855997,0.0578192063741,0.783775001013,0.623600860015,0.778040434744,0.857809540491,0.329843267165,0.166539484222,0.9494226302,0.674271145212,0.371121135019,0.534961741421,0.0769493366425,0.940164436811,0.430435584941,0.568542813702,0.83739316516,0.025358423441,0.382363324142,0.640326275564,0.00840807039194,0.309886080889,0.939119143096,0.210147587896,0.571577580282,0.249256248026,0.342893439681,0.145601834244,0.22929992724,0.319824228228,0.523096923711,0.848605254242,0.665139940976,0.703066017471,0.776225772026,0.71663463893,0.619333715515,0.0806081764383,0.41712730775,0.73091844243,0.641496195459,0.302826200216,0.116528917866,0.21912253521,0.934713827788,0.766593809714,0.100019707082,0.49282694164,0.25867865007,0.65996855664,0.722737787977,0.789879217955,0.112725068486,0.746337872629,0.261137744253,0.555671160087,0.416156073337,0.42006800853,0.0706136190668,0.247976236431,0.359026923289,0.944396267121,0.727072120776,0.977429335871,0.947640944547,0.175632178011,0.862156791337,0.867248162798,0.980985664237,0.818366160186,0.972540581295,0.895908679728,0.797039347463,0.166208916851,0.442584890914,0.455179461544,0.0623079953929,0.607278903094,0.817104609416,0.0166922779297,0.676994253048,0.199142502233,0.246897549937,0.3929580162,0.623188123528,0.477908421177,0.747593857152,0.818871269476,0.379099801008,0.618016102793,0.931379948963,0.748121856905,0.291983099033,0.857346766571,0.273646858076,0.251341740156,0.411755866508,0.0271582840923,0.708538531388,0.684775577196,0.408167729543,0.492218044155,0.673645552869,0.607170924951,0.559408477531,0.583890627935,0.504195437193,0.96797042733,0.188821661356,0.482240160148,0.449236992759,0.330523426093,0.874943428952,0.00888453822569,0.132195298739,0.161313841712,0.190939116262,0.522212268702,0.0885082698948,0.931388657318,0.490837288225,0.322789584837,0.365824461396,0.194514277812,0.324430423064,0.370021737812,0.618191935829,0.838706469988,0.843112709743,0.955872860877,0.666401628817,0.811563795098,0.936435273518,0.127688539155,0.0699117996275,0.388652130942,0.594249488387,0.199690800032,0.60461641316,0.308717277574,0.19755878319,0.620473997712,0.185722457351,0.778215966576,0.337993908383,0.202034892754,0.425384561924,0.0710795173942,0.174690075421,0.657011690877,0.0858873489471,0.381456102122,0.80636952729,0.347612600144,0.489946800884,0.540765388097,0.5268923661,0.54437675824,0.612318737608,0.366265274879,0.027931160613,0.162294548716,0.860965373581,0.75345509422,0.760607337961,0.897828280905,0.633756504265,0.141284798619,0.532230910533,0.826746391293,0.966134112482,0.978976219841,0.975835715569,0.235881766455,0.0880492288499,0.80401447751,0.95382521952,0.31744257354,0.76654839089,0.924755971355,0.102882681045,0.900675814146,0.709850992677,0.000177569848517,0.230738663569,0.728082770545,0.283052438002,0.141618238554,0.77107621974,0.468134792398,0.156174854375,0.058135645851,0.443862261883,0.765533482028,0.987663123806,0.959118086434,0.652565122149,0.791203217964,0.552835212846,0.958986625324,0.902154828465,0.993812985234,0.422805939163,0.567306431997,0.878789230328,0.236435089271,0.887622500719,0.766727774163,0.471175507765,0.589621147041,0.0332471740013,0.533125681493,0.309809331499,0.173232424742,0.439853232658,0.254174685395,0.438870531195,0.668960272906,0.325171163325,0.806432621003,0.787738021317,0.0250610960678,0.127970841395,0.103048576605,0.307999066118,0.200397127786,0.374467995537,0.598421648432,0.113589942076,0.240049025693,0.930954651169,0.686147500044,0.845366465664,0.689319923094,0.421646416845,0.516026975085,0.158035597689,0.122341314702,0.995357747239,0.0199186803905,0.153305379703,0.382284600825,0.690812922689,0.124620101811,0.208447442957,0.353733133439,0.216862473043,0.821485528796,0.858850710861,0.4311293565,0.0917165403259,0.744313021751,0.310231171947,0.0729736852505,0.693471485297,0.820036787934,0.0416922958685,0.778631121831,0.0575619107258,0.153074359087,0.684091981366,0.162426213196,0.257420029604,0.465042205935,0.583311392214,0.539485210098,0.983513797672,0.191902807087,0.440311000226,0.83141658856,0.882149735086,0.299241114092,0.664932742122,0.137508743905,0.941615737254,0.901491462189,0.180765996207,0.836337897573,0.793888150312,0.508050356371,0.793739066322,0.480716418106,0.0952424175022,0.280752023911,0.709099153858,0.911550633224,0.313769114564,0.265285611377,0.972864790261,0.355718435541,0.815475201508,0.149475088242,0.334746043629,0.117448878522,0.043054265269,0.25118417937,0.639750967442,0.263277202744,0.729667415079,0.135933133567,0.120220164309,0.0332840582566,0.752190682636,0.757741514694,0.940521511333,0.84615971812,0.549541720115,0.476168433646,0.34992714858,0.772971455157,0.170848744531,0.945136070993,0.730702375696,0.888742216926,0.35975856623,0.00819764305178,0.304131930379,0.132597191653,0.562273126549,0.541997298167,0.780908254423,0.213158114409,0.906115439084,0.454624118529,0.189136987752,0.859491332093,0.124416304068,0.210850998092,0.633733588788,0.153006189548,0.256489974369,0.0519696494107,0.45519500595,0.986327513882,0.974839244208,0.437377209473,0.198272237345,0.179879827073,0.104508973825,0.343750156562,0.849600222546,0.703442209349,0.502759238007,0.604079797796,0.0390864390279,0.0168284595828,0.800139435412,0.212216518088,0.521792245813,0.78885092456,0.945476525391,0.259571252314,0.170485136077,0.974709493168,0.561582201351,0.463359184626,0.576008079969,0.938983788165,0.372687406409,0.623653100008,0.544849257496,0.714946790269,0.841989417474,0.868503755406,0.592264752688,0.8321356568,0.217914201396,0.789456689162,0.0253501977309,0.770743594441,0.0392520467253,0.693429921884,0.327018570626,0.0842523348723,0.973991349342,0.466116620287,0.470018148561,0.901615933075,0.21580663495,0.508839996324,0.687810536571,0.220867087322,0.852744493019,0.146067245467,0.599969488575,0.829380615085,0.750622995578,0.84948846571,0.877598090466,0.0475756487948,0.151964301213,0.866398487763,0.841361148114,0.196516554134,0.833555603498,0.464133087799,0.233446789323,0.0419773575978,0.464034236857,0.925239510637,0.861261646007,0.909261139731,0.771298664234,0.174719782212,0.55829234648,0.450915117039,0.441069391329,0.0777050541232,0.598717972487,0.710446604366,0.162579661893,0.911636263708,0.0264754640302,0.790026250035,0.408734576743,0.476377229825,0.0412052996897,0.598670274713,0.562117718229,0.107938723684,0.921701666745,0.783418250806,0.806268322211,0.81926055562,0.374898164616,0.483164545791,0.546554665264,0.238506565346,0.15582366171,0.221727906774,0.092816088597,0.484369937449,0.923173615986,0.870943711612,0.368531929143,0.634615727379,0.814774649649,0.465996374904,0.559168559587,0.164091679394,0.440120068946,0.858787154881,0.0223110370531,0.35045021151,0.152200494545,0.435419868527,0.567616547325,0.417640467746,0.728308979649,0.732401298391,0.713963277455,0.586983447246,0.101309416336,0.591279416833,0.166110346144,0.513714692236,0.00639627862961,0.199159788989,0.579602860145,0.646859457733,0.908040201967,0.198127513125,0.428418840323,0.134495513491,0.170230345902,0.700800787217,0.289784593496,0.0959341478317,0.897653347488,0.295766466903,0.19561065038,0.5868294079,0.911162634302,0.442887156664,0.862054828956,0.085828552642,0.905384462547,0.841467622222,0.421602058289,0.920750281609,0.151477544399,0.933512916365,0.947594029876,0.156695827013,0.0116400642151,0.621776343619,0.760151913847,0.0601945763637,0.241386467864,0.16665691291,0.645379908167,0.84411935783,0.0940834166977,0.896409658357,0.916834176952,0.82777620741,0.109342133763,0.35198218067,0.98905353097,0.233696656049,0.623836326673,0.448441273045,0.861507235234,0.0556862999902,0.0283276377777,0.525118380884,0.16902529953,0.149833628602,0.307890489252,0.0954720907714,0.245279177297,0.152156357775,0.0367553335434,0.8218882709,0.368439388807,0.876307918245,0.903729947497,0.41926778413,0.585496288412,0.508846536419,0.17050829349,0.701522602539,0.233556379528,0.328367767273,0.498375845436,0.17744287587,0.571075386695,0.285609071196,0.726196457275,0.466350884951,0.842765897084,0.275599269221,0.301946651576,0.829730850411,0.702509705905,0.141794004786,0.931800462736,0.912697692355,0.106213527404,0.922746554129,0.453485952868,0.810457533697,0.128799024483,0.173887159789,0.99695912222,0.924645771819,0.791769946808,0.74301989345,0.743703596374,0.388801339498,0.254759307787,0.883988359639,0.377786285731,0.590439535903,0.617260545813,0.468222050348,0.133963701717,0.352643072573,0.199275890987,0.785463405397,0.460845712061,0.89994696276,0.409238893343,0.636346314082,0.446115426709,0.779174491308,0.631605423859,0.572233909861,0.0543388798747,0.178472617492,0.67845399894,0.704924658947,0.654191459511,0.367062707723,0.0469578711602,0.460211485156,0.114928772208,0.430028699154,0.353075133672,0.742778132672,0.501694929167,0.93538487025,0.501151847961,0.503708284549,0.0162138402964,0.574544640623,0.698301715944,0.577360348058,0.147232992412,0.925593822373,0.103007023093,0.758553551501,0.333618522407,0.544767275297,0.491237855616,0.378936076356,0.0219670024539,0.601515118493,0.902271042413,0.449425048066,0.236303072758,0.122015233166,0.612457210087,0.0217977116822,0.109526267666,0.478371485519,0.196120871579,0.808629488814,0.0597638450969,0.484355215649,0.120039796343,0.865795021287,0.568352686874,0.52617546373,0.396125944598,0.314941553909,0.767744558097,0.0438451523349,0.654090870401,0.782935280628,0.637944160492,0.470718296254,0.545777694579,0.10214527573,0.887388622569,0.438220606539,0.098401402887,0.743539144468,0.151771415257,0.508673072012,0.572171110783,0.798602729325,0.303802280736,0.622503321492,0.97454530876,0.432156518821,0.704189247229,0.52292617924,0.733561451056,0.768699643322,0.683567468254,0.530899167309,0.356053336878,0.241782578667,0.789106233735,0.785133230353,0.829154273011,0.692529650163,0.628568538069,0.645361201231,0.809842012183,0.184090940734,0.822755771038,0.587886682595,0.312073470164,0.50967202541,0.0990169412895,0.966852171578,0.0165810588226,0.816053524734,0.363093519965,0.0721729832954,0.295364426841,0.932510990055,0.335942272782,0.24827821228,0.845181964038,0.777680371058,0.745483308262,0.10163910044,0.307658804898,0.191653234593,0.24237616085,0.986978228135 0.11516090751,0.888487071907,0.624553170227,0.0709940110889,0.650565550605,0.109906402089,0.292479292652,0.836207240453,0.866945484518,0.15377486415,0.197965389267,0.145339924685,0.0298117730274,0.792980860099,0.160478363695,0.82161548266,0.436576783438,0.402584801558,0.908127485153,0.00329568096697,0.622728876205,0.417248200322,0.311556099802,0.0784148575801,0.558043859195,0.253406057602,0.292220202019,0.947633540684,0.294294071356,0.86075168472,0.0985183759809,0.512930961064,0.275485171521,0.108129073024,0.983629763528,0.164375373751,0.550067960294,0.338148401138,0.549277518837,0.0673753445816,0.684403855187,0.583825573917,0.501419862528,0.00365807714272,0.948607268846,0.484351896153,0.211741306986,0.531611226077,0.703270706004,0.0611584003998,0.907731616937,0.0879662148459,0.849771063951,0.163528056603,0.390122664661,0.48596108258,0.0931900430913,0.858242535486,0.377797485165,0.603704688019,0.0115261326311,0.147243487898,0.2997130866,0.591604348062,0.0697563012448,0.180635176644,0.164637077283,0.915688013175,0.0854456856873,0.0962464548987,0.397417917713,0.45520500984,0.1961124388,0.606031321465,0.798457397781,0.614314486624,0.348522710023,0.433580229233,0.91487297506,0.0231179129261,0.284615360987,0.492633843055,0.44049774002,0.0843436522838,0.879060669977,0.66862165776,0.260179283896,0.0738331464453,0.0683429874271,0.409544174238,0.612332442463,0.383977598973,0.413756160583,0.139305609188,0.819228118338,0.482964007644,0.853551177284,0.36018957504,0.13362280462,0.771528539814,0.805460355948,0.860499684627,0.795251318734,0.616462705123,0.14850243389,0.0756966478131,0.880378628329,0.548616618748,0.189232593155,0.0523382568809,0.198502145254,0.91378073431,0.313010706223,0.293870499364,0.179059942615,0.519368514766,0.00152514067034,0.752802529813,0.661701015442,0.768752041867,0.299651594859,0.675623588755,0.946866205221,0.306956211022,0.58516912367,0.268689254718,0.148554439957,0.3194539973,0.0878854858847,0.513847062173,0.47230175279,0.487250524407,0.168784194698,0.288599534601,0.89398281569,0.45208964947,0.246614286932,0.696867189699,0.14636558031,0.112145540039,0.307859714776,0.00682458480736,0.65664237023,0.559850481449,0.770027687946,0.105964036355,0.709320114193,0.76718710574,0.292769718279,0.7926358029,0.132061050806,0.725141233758,0.265938784041,0.0992756589921,0.53329151011,0.225991866842,0.207523211934,0.0752640771976,0.0972062407932,0.565437084788,0.822835295627,0.074796282089,0.493800022692,0.837062090521,0.689535885225,0.0745945934041,0.0651936497162,0.903692201481,0.637759302696,0.642146774866,0.668493799386,0.349688780643,0.425980052289,0.893207997689,0.875290071139,0.404869738665,0.0835711915129,0.274759470765,0.397163226657,0.455035497427,0.132884204751,0.236069223604,0.213484849855,0.0178848549026,0.558773930687,0.033530602569,0.214031256481,0.437953422321,0.829945219846,0.43402575046,0.467920316034,0.254492384543,0.663770076886,0.474994612646,0.453059538316,0.0522458333001,0.741476011852,0.138328583092,0.610857201466,0.690538527316,0.0600139416477,0.422195006582,0.800154755149,0.672488067207,0.862075524636,0.863150597577,0.470242399382,0.145221877142,0.760721833891,0.760427083655,0.8953257482,0.86315707438,0.109932181226,0.718430472738,0.605525847275,0.545107872626,0.951581467111,0.178294572009,0.808306548582,0.0382973241294,0.670381816099,0.0226134752451,0.743562728495,0.521975787207,0.377976693569,0.69297274088,0.975185875182,0.578322740083,0.322413129576,0.571166549273,0.666053516907,0.879807473273,0.403679234706,0.176227982354,0.594115913053,0.80812949253,0.781901346423,0.151518054285,0.143238390517,0.636213948237,0.679346131708,0.017739612286,0.846377890325,0.740107850806,0.717746464709,0.00818816201722,0.0788512203927,0.768948986954,0.526756186156,0.364571626015,0.711357653341,0.77048355585,0.640807509747,0.453876788385,0.0510491441616,0.936172971122,0.452035167464,0.580519038149,0.984432313845,0.233128680608,0.164286577042,0.934722616864,0.383786327665,0.774946635605,0.363529006765,0.47734257636,0.214950469519,0.0989219225962,0.180482579029,0.819050348955,0.39219137458,0.0853172580211,0.613729013195,0.365697656018,0.960135332162,0.301988912429,0.00449399342111,0.530092180177,0.854344175647,0.349424077592,0.207047420207,0.411616634967,0.144832497972,0.69236491408,0.301904641981,0.064504206111,0.388486444762,0.281559664018,0.802142149815,0.613537590397,0.81710167852,0.117952791872,0.872067771807,0.974809248543,0.541976909258,0.754427547144,0.844995041412,0.260587196469,0.292854837254,0.888551515638,0.387218795731,0.438838352854,0.647665302996,0.192664927457,0.0467802026275,0.565744780143,0.621435333323,0.0385534171387,0.295967113308,0.878311438696,0.192009194367,0.570155013057,0.0815477197408,0.200410887474,0.135495182002,0.0635542357651,0.117407400278,0.0100359928998,0.370036789534,0.522127185741,0.651482005066,0.825934122411,0.520292805087,0.418790198975,0.463172643583,0.192904407104,0.0319839937272,0.281739391261,0.745331465568,0.407175479445,0.0420571913474,0.586503347624,0.122196173731,0.306362138484,0.697264838343,0.420334208654,0.715043770005,0.406879545688,0.227651852958,0.0189600653208,0.773927864227,0.260669924943,0.053965879556,0.70132399583,0.201185304785,0.298734781799,0.436844805526,0.0146459514459,0.720923171681,0.252208765351,0.184444184985,0.92809830096,0.19910743185,0.606784556979,0.728480752028,0.82217984528,0.906459675029,0.864675165134,0.585908723628,0.169910459282,0.715994758168,0.383280091038,0.490606207234,0.473004801615,0.698289413982,0.947889133336,0.47584186407,0.176950262271,0.675932463527,0.0429308344657,0.633693329001,0.32328990164,0.425871366926,0.755714505379,0.489546916439,0.777037915704,0.396205945219,0.37635777636,0.58687873522,0.936505559961,0.0443408421811,0.751336943268,0.48955651017,0.0130382004837,0.902178405348,0.0824895243157,0.382092579898,0.54709398444,0.958011897318,0.618133652191,0.145939830539,0.404115352887,0.694294407632,0.953805731983,0.381440928425,0.16647911816,0.340960419813,0.433544192622,0.4091432261,0.608439078197,0.350573607387,0.595804345625,0.0503431605704,0.301768618286,0.232070987052,0.728475137142,0.325458601417,0.958985620302,0.154619266334,0.140719547476,0.868059357437,0.538522868734,0.992158905579,0.800772749329,0.262985042552,0.651585798809,0.712402051147,0.056354252418,0.859709606851,0.535276506718,0.140457903528,0.833337340515,0.621325134357,0.57837422761,0.643388352997,0.321736980204,0.192264652996,0.858230537622,0.841302798014,0.4466327005,0.961896170993,0.159183408685,0.721310742317,0.585356668781,0.458816221857,0.668258914224,0.918402657818,0.436880768218,0.946484344809,0.246194670636,0.39182380515,0.952936981452,0.9207281077,0.473994461749,0.399118121273,0.941718918871,0.299578237585,0.598166666468,0.0104129597883,0.485236542019,0.522100249138,0.179411319974,0.184928675465,0.19494101063,0.567572543191,0.715668239917,0.306800618405,0.693284294961,0.471124434755,0.725781924572,0.358123280891,0.242955159242,0.887723938904,0.294272900562,0.247966984927,0.162732499134,0.974081909903,0.362788358492,0.889280996202,0.142033731827,0.694163685102,0.339525497304,0.978253571088,0.587559318695,0.393999080986,0.536666857044,0.665162257303,0.123380519424,0.891462494398,0.358667482374,0.848628204818,0.487255398811,0.967036197959,0.435476912728,0.56288305918,0.160574771573,0.639914792501,0.737637741017,0.253961801056,0.283643219449,0.663250444472,0.806425674023,0.132223017277,0.108435568671,0.374835210671,0.613426525,0.281183458066,0.981842435107,0.25585571658,0.261125669668,0.332080154427,0.280848136757,0.493828847263,0.723971763377,0.318165097327,0.694202201599,0.651329592702,0.910091228952,0.213457741776,0.70241092477,0.184197741737,0.295914131261,0.49634377447,0.461500953772,0.532025435072,0.11425782939,0.0560115593104,0.402120433398,0.893094677225,0.716240729691,0.989796414717,0.444268248265,0.130742327802,0.207305776375,0.746175903283,0.393059990065,0.659825649104,0.93281866217,0.910969754492,0.54028944489,0.243671495722,0.343244338526,0.444834153673,0.0341770161419,0.550247717005,0.803854338295,0.159279037103,0.245295542776,0.861335867304,0.206502294752,0.88759083872,0.114342939436,0.163553686626,0.175785451247,0.768563779919,0.852370407609,0.957160584424,0.70642569047,0.376747111998,0.356727908469,0.196823945673,0.847903212764,0.763107037504,0.908449649023,0.270849160636,0.223560552085,0.775350866734,0.992412514598,0.428960112057,0.00302263118452,0.957418025853,0.372884478352,0.872150303923,0.0376126383141,0.91321740876,0.863275845834,0.357658226417,0.423124520338,0.429009788576,0.312489658391,0.0111087606858,0.898684787792,0.952526281926,0.808713056641,0.992902049395,0.237387306805,0.770209220588,0.30006561647,0.201076956972,0.518856201158,0.494232548122,0.468763817013,0.671005885958,0.547776639905,0.875429031105,0.636820125827,0.514632842324,0.85832611291,0.506719506252,0.911694160273,0.340926700362,0.698355289365,0.4164080667,0.165145759736,0.182258635567,0.618764644665,0.82673156696,0.710854028534,0.553779557087,0.492220761426,0.851045245868,0.283172747257,0.635812220415,0.576025274103,0.903276082876,0.340602936839,0.586344288951,0.394829194294,0.148583047474,0.539668729687,0.545880316756,0.226199521361,0.486030041224,0.306093152826,0.641679754546,0.601990226145,0.730390990759,0.104962270137,0.328871216856,0.703819014403,0.509975518433,0.132398522166,0.50012281806,0.249323152382,0.845388168524,0.835637786759,0.108611730506,0.565820075436,0.456827385258,0.149279326014,0.886504686497,0.64302006973,0.934290428446,0.658134765035,0.685121836026,0.586744503082,0.142658350234,0.678244866736,0.892648910621,0.184087175785,0.639157499683,0.626102906348,0.303960107948,0.156795832183,0.274106930062,0.212108711724,0.770267703393,0.0907239328317,0.605518406929,0.344969022098,0.755871274264,0.539084725776,0.217674338101,0.730958393205,0.725569171485,0.318225450017,0.26801720931,0.156683012362,0.215367152253,0.638435406835,0.216730144712,0.715268242879,0.191932866977,0.688808123344,0.0288283093679,0.54733803872,0.32223812641,0.168647063542,0.255970775616,0.0548903170497,0.911433044734,0.344889803862,0.361543615858,0.691178053466,0.880639202449,0.654502438217,0.122799167912,0.445216654412,0.622847712156,0.974422515701,0.340504954251,0.8793366433,0.332465747568,0.612045783436,0.838969765393,0.197761199577,0.173971234002,0.968801949531,0.50380246669,0.412191964218,0.0155459131138,0.677110035842,0.96655835934,0.970252472334,0.963357748333,0.946046913121,0.643044996898,0.790741446767,0.335536968819,0.822195934434,0.382197878074,0.175679966582,0.625453372502,0.760157480802,0.876857284459,0.63478694698,0.828685361563,0.424999988159,0.0358380766085,0.351427039717,0.367183958826,0.754321766882,0.327096464503,0.254222074639,0.543010784586,0.157887193631,0.0519812701912,0.789286311678,0.0493568615496,0.329979761039,0.619652464237,0.081050861073,0.583948719329,0.643473775913,0.416978300893,0.426452163045,0.0542631348702,0.710747101596,0.77884530386,0.805449277883,0.526080483863,0.987592256748,0.914194697421,0.321803602887,0.662110229771,0.0236127781629,0.384712637581,0.807422683882,0.225681602394,0.997360128474,0.339936038543,0.652696476544,0.880802799978,0.21686461103,0.852409885506,0.35326408911,0.53232529825,0.464189286067,0.252405890794,0.137423649865,0.358430456965,0.879644260121,0.0761419008305,0.327318145807,0.00900738971642,0.7674884466,0.987771665461,0.727945457613,0.673652125211,0.449056859972,0.00769243866355,0.802808455948,0.107641431358,0.721295147633,0.0406146334088,0.218441621059,0.770270712746,0.00368864122986,0.329446085417,0.434198827983,0.239358661365,0.273571732054,0.241055926295,0.651199844966,0.69440044278,0.712332275636,0.983237363694,0.387785681572,0.238871782681,0.100980188879,0.891652848279,0.80478709516,0.522203582219,0.617277840974,0.428323927246,0.705831277579,0.61863128863,0.713101309784,0.972621917976,0.483993260139,0.41196325878,0.350581580283,0.32305418759,0.811279554202,0.562591596435,0.786665718846,0.808776332622,0.558376310843,0.588616825883,0.388986508967,0.309685932445,0.838537087076,0.663044485824,0.106956218473,0.270463387807,0.951676563752,0.776139214504,0.156015848911,0.461810395823,0.376537713226,0.0324297777937,0.935193548616,0.126893853148,0.0448902182435,0.841343347172,0.392705413194,0.560871922412,0.666158811369,0.491625416049,0.148337985214,0.620932649615,0.751791014829,0.918819476797,0.0685513274788,0.77303651193,0.820241605942,0.399000529081,0.783595522863,0.182495387058,0.629233894518,0.383984747299,0.419006884617,0.45840112556,0.787920819261,0.129668198617,0.490718784403,0.036474121873,0.926688232541,0.0436272546178,0.677066258038,0.781057326394,0.417315125288,0.207131848985,0.469799054957,0.407140913913,0.143213471034,0.527048415735,0.819591575947,0.375284940133,0.894388477456,0.49203583242,0.838812092601,0.887792661387,0.291854197906,0.555049940998,0.426636651766,0.297843269487,0.651231705351,0.053796869742,0.817749064637,0.853263157904,0.323822518002,0.58261930503,0.620823844033,0.172400059863,0.70914434832,0.499285220372,0.0685024636401,0.674304448657,0.453720064293,0.663186121926,0.85693328844,0.224856326741,0.928694669367,0.146361812497,0.321817245072,0.645153485621,0.552656961308,0.0264561546932,0.0153385881379,0.900382762255,0.26996525687,0.399051259809,0.652462776458,0.223687665165,0.958886615332,0.360550301632,0.144778748256,0.768177208232,0.209373281852,0.0504827733507,0.759544286523,0.641602380342,0.0753529473293,0.631707878925,0.29431956645,0.677893039223,0.618895136321,0.735436054352,0.868817475477,0.67992028046,0.37322564799,0.516159886496,0.0893915908156,0.505885718895,0.814213549629,0.0184983650032,0.26384188678,0.223194848159,0.324944079117,0.596708250722,0.478500959046,0.353787937403,0.65380457452,0.944236048002,0.58922342146,0.157186949586,0.927250482907,0.61795864631,0.24811595595,0.765996746117,0.453603186121,0.870894857219,0.930628379648,0.430604880241,0.780261540471,0.99994607355,0.278759879657,0.971470149746,0.917665716508,0.272769083789,0.32073886403,0.410877383671,0.556275867007,0.993885718653,0.471324504905,0.524287574656,0.103029915469,0.0291178137123,0.474759333355,0.692236668944,0.554408905138,0.143929613255,0.43156449054,0.577505395008,0.761073858813,0.303554188866,0.348108485475,0.776116829363,0.68989922353,0.999027227198,0.0382975623922,0.410485262009,0.838631417562,0.0247526810567,0.950289396019,0.750191155038,0.931740593422,0.897256506771,0.904376910347,0.718709549174,0.890160041746,0.410421049038,0.889967183021,0.974449289867,0.809774066848,0.632702911812,0.526177913395,0.0266810539852,0.358214800017,0.530288501734,0.851213125387,0.24921380599,0.565941851006,0.389163966963,0.306092757289,0.131078834138,0.937398149589,0.352596103315,0.270529064443,0.875060901781,0.599906853227,0.699333631706,0.324957610621,0.959382829824,0.0436798864774,0.386467712303,0.0275020984935,0.313543226485,0.216434877365,0.282209109041,0.197941888915,0.806935750671,0.921211247829,0.0717654948126,0.929532061851,0.0818109382713,0.0737456086537,0.934445753136,0.749131089689 0.201858126265,0.849472100452,0.409325735991,0.490724392649,0.545815023635,0.683662117532,0.911769380594,0.532815925615,0.459442942788,0.4317913466,0.912270364758,0.327621142248,0.174003044302,0.273548667772,0.165362078125,0.0306948693997,0.899086087919,0.338642128568,0.421222658554,0.685815148418,0.958800851117,0.530930505102,0.130660872374,0.629385459612,0.383020862464,0.751781945284,0.621313548669,0.453462300792,0.583148612606,0.4407105714,0.829120020202,0.272015240806,0.445767069049,0.496307635438,0.285862613961,0.413944212767,0.526995907251,0.181953298875,0.112605643887,0.678193170385,0.847606605693,0.132323714596,0.582568244453,0.916075906833,0.0182655830266,0.452737258562,0.71042655047,0.418685107345,0.278457744907,0.0581254289082,0.960469713318,0.597542435826,0.613983704269,0.0343949499521,0.14442273071,0.467956689934,0.0711550948141,0.917063917739,0.494322295146,0.861843265537,0.53090872113,0.518078379119,0.00503067740916,0.619491980158,0.8219713379,0.246527427148,0.747547020482,0.819323205245,0.140915790166,0.2656210581,0.0643399201598,0.965269055979,0.351015204884,0.553683109547,0.762852137588,0.885852970912,0.291003115326,0.583701985841,0.873812719555,0.0253606827827,0.335583828952,0.735836039947,0.55448137117,0.502159050038,0.771805759549,0.566080652106,0.118664537456,0.443288850283,0.0553187542665,0.972638110615,0.690081720219,0.189409533785,0.774085938557,0.895445846385,0.241470193953,0.713389645303,0.917585166426,0.507124997494,0.234265594599,0.411994669688,0.992016426593,0.102862218579,0.00365113457186,0.874836603176,0.287242916583,0.440386093711,0.608814002857,0.489676885318,0.731546162303,0.186226874707,0.0211119642699,0.637884373429,0.0367308256986,0.691806266761,0.498765609073,0.367501235631,0.779093563666,0.540029753431,0.0540253858346,0.844601492706,0.763859416857,0.294761248256,0.258950650279,0.960406486008,0.973838229592,0.932459104621,0.874169324559,0.373310780389,0.603036931624,0.0561473069356,0.166513003491,0.99139410184,0.21392596396,0.2535254198,0.688073889356,0.686178341738,0.920060726487,0.891147629537,0.280404843134,0.898592453651,0.779020683278,0.120217796157,0.35510612714,0.523847584287,0.908612418128,0.76817259909,0.245964016953,0.17112930035,0.367330762503,0.617446548033,0.230705373528,0.529380568925,0.419106005689,0.806328943666,0.130889801007,0.501924812485,0.25788182782,0.809335297692,0.907008570218,0.160584102543,0.0192252272687,0.346936610501,0.688871033454,0.312453096381,0.271298943132,0.3114794803,0.568878144586,0.150695835563,0.473177220729,0.177451114883,0.0385803699783,0.480943156122,0.222591292319,0.955520052108,0.445202576698,0.281028377669,0.152025514129,0.70301465745,0.788983177965,0.767536057409,0.955552250713,0.332605100553,0.72275377511,0.0922564640263,0.989235477038,0.422097290606,0.332876333746,0.437238838317,0.722282113486,0.413509703064,0.425707655632,0.0976063038701,0.772242902504,0.214948912448,0.129981738639,0.415138804845,0.773964887176,0.790294078272,0.0322597009718,0.290991448271,0.389287279296,0.0131783433972,0.668682650178,0.807389778152,0.979380213679,0.0154702997341,0.0985408128848,0.857110147367,0.905863941925,0.151236782387,0.144413523032,0.357055938154,0.759531089393,0.373691318301,0.406608625683,0.0800258202098,0.716153709273,0.336424922919,0.664367104463,0.178788770556,0.63574322708,0.0725683971564,0.969444118839,0.228196123818,0.304917838718,0.420338001498,0.195813433626,0.717533167275,0.571527791272,0.689998325647,0.927791231962,0.424039004122,0.853013255489,0.933680193854,0.209023549709,0.0442000573294,0.50180403989,0.0416473475541,0.501665597276,0.106241363253,0.0108224499064,0.81710451698,0.300625510163,0.476339438112,0.936046123814,0.365720964255,0.549036671637,0.60067774956,0.361650025872,0.552355550545,0.623152695488,0.413187364997,0.146618075448,0.899239645076,0.719559206915,0.0525253988795,0.130429842704,0.115391344153,0.341211961777,0.257749264742,0.0048762174471,0.911911889554,0.176327630442,0.629149585101,0.232733468758,0.609813956036,0.584174943017,0.0681029257654,0.592854187501,0.609446669882,0.950800746973,0.176748233774,0.310130822827,0.808263198789,0.885432235871,0.937472916,0.574721625304,0.172808904197,0.417925523362,0.509711041401,0.415996820466,0.242951384648,0.748241027062,0.355388447846,0.536400753959,0.0924641774448,0.870872263742,0.650828453947,0.188442349612,0.080889516484,0.500055211958,0.327054614296,0.329193684482,0.575094136736,0.903879285086,0.337386811825,0.926107406707,0.808658172696,0.667852565077,0.344459567971,0.24977143462,0.0420309344301,0.332431065036,0.882788841835,0.98838251901,0.936593639413,0.651057814106,0.782362958852,0.640275506956,0.00978323708269,0.0676409329901,0.127113307078,0.0790106089114,0.450866548,0.26685956635,0.211999076122,0.931248672919,0.339681775062,0.0525758144438,0.508378067177,0.813488657981,0.883522012858,0.347503772461,0.489143385606,0.70474358093,0.205865429341,0.365774935259,0.904623652302,0.499217743843,0.959295347606,0.611400028215,0.264165054174,0.651655849433,0.965333102074,0.787955061517,0.728960032366,0.819079225386,0.000537120594372,0.173379025152,0.934091636773,0.829222040487,0.238390013521,0.612790266898,0.157259253039,0.362673795592,0.0292806289556,0.799250184672,0.915377811974,0.0985801552748,0.265354147726,0.5421006612,0.358515038358,0.201613729791,0.277862544785,0.321153374073,0.643665238191,0.305917193602,0.312501144081,0.218165517837,0.995460967002,0.498993363534,0.504816265577,0.388405313987,0.254694154967,0.455809475412,0.556433464882,0.796541644325,0.437309648109,0.516642414501,0.100528200624,0.279605602068,0.9480365084,0.974706607847,0.998185651625,0.214348549256,0.396551041556,0.814234125619,0.00850777745337,0.0441693865379,0.638341116221,0.33982044128,0.181685091008,0.287202426672,0.767241903042,0.346778470004,0.738581686206,0.752233946974,0.469202246851,0.913202235653,0.31577543979,0.42878872149,0.704153823539,0.550945968947,0.31763492379,0.0878738968709,0.046067271236,0.178561933976,0.440753943355,0.136518537763,0.941685901428,0.429845980329,0.318952944682,0.132774880174,0.560991807997,0.955077261309,0.453073863861,0.151779666527,0.903664267592,0.835710479492,0.312757259998,0.635308136824,0.609467914024,0.559468946769,0.848666649499,0.140946093952,0.938203395145,0.457177136176,0.768661625626,0.292343667369,0.828301668087,0.0938133389542,0.925468941241,0.930526344366,0.931075614894,0.156280459293,0.857949980724,0.959855224147,0.429848053788,0.0200016149182,0.875862346009,0.149839277689,0.234826720454,0.572178145185,0.715383016784,0.985332930564,0.31753519091,0.392564931793,0.10997803546,0.109914099644,0.763058460854,0.0196519485099,0.197100982542,0.902706122895,0.508076971765,0.0690399791116,0.176966957812,0.0381944030995,0.298629659255,0.742494398503,0.464813945369,0.0809902533495,0.67766519257,0.598380057177,0.0167325918253,0.401168487002,0.775632213134,0.0883884071668,0.772194159472,0.925497422423,0.992961056713,0.602304823757,0.712218158836,0.781257087991,0.209946857482,0.259952408838,0.922075750471,0.122063697821,0.802594003984,0.769216875969,0.0772339006974,0.494476683781,0.320166607603,0.5391200381,0.480241811462,0.0658137633965,0.210683643498,0.0202489330252,0.02154366367,0.000289309715553,0.501907903612,0.562684959489,0.390625351333,0.0424342221816,0.35622568236,0.787720261472,0.505760926448,0.334960938058,0.773560718317,0.0858236231518,0.689502387655,0.452213433887,0.412914799271,0.190917751401,0.0150538000161,0.527067763443,0.973324686135,0.259615656087,0.698735760577,0.373208821161,0.358696220419,0.456405156849,0.469993880343,0.759419079668,0.51024945181,0.628115842104,0.0221589754664,0.137525033486,0.0932364319128,0.543592234162,0.756575867948,0.068030103971,0.222730206258,0.889821216108,0.203744559208,0.0551795315383,0.0514972630168,0.68235293974,0.373392378915,0.118539637758,0.282009863147,0.151605836076,0.403891771847,0.77943673056,0.419610264538,0.918061356963,0.997596109938,0.361573687305,0.831373374145,0.625883236581,0.85461501343,0.634865724142,0.280656406783,0.0897775466217,0.862709517563,0.46697244586,0.984216029175,0.486973272417,0.792715137602,0.732343359063,0.587429826192,0.38031047337,0.330289122718,0.374434127704,0.0765440374492,0.191493148191,0.123422076912,0.550351444973,0.7590874922,0.607979757442,0.099040287074,0.862405910709,0.773219806114,0.927631424001,0.911723184393,0.604463568117,0.777979637781,0.0469505147493,0.797711590901,0.941403636758,0.487342405429,0.778279611638,0.911207643806,0.365815774642,0.348570151956,0.30510543402,0.541359655319,0.318922194995,0.0392174513036,0.502736372987,0.900031842412,0.765911983724,0.0336348920718,0.235800709195,0.236447540074,0.183141931439,0.698851569442,0.624795087141,0.0987828099251,0.884894021951,0.072157599019,0.257706313811,0.305146349396,0.47009622369,0.537286257365,0.148255275683,0.229153356936,0.361077071497,0.603017486274,0.0426858907129,0.304945218254,0.00906577087167,0.0390176943939,0.147733698248,0.00754989602964,0.980144792443,0.441359801613,0.686431310662,0.722869678733,0.937148451304,0.186179869662,0.74009952702,0.36061766607,0.646970055371,0.418994338055,0.953685951947,0.360769640171,0.253020792971,0.00353675008014,0.204530727335,0.45940918608,0.771669251458,0.0583180858469,0.422450319732,0.775658760241,0.772472008342,0.853992062006,0.522285375046,0.0687360499938,0.795427521135,0.313535900947,0.794548905571,0.510808820504,0.610001423468,0.649775266826,0.00185874310315,0.707218037801,0.979367298876,0.210263315818,0.786819579403,0.101833321819,0.0908230139044,0.142751154479,0.363232370036,0.668251530057,0.737890598874,0.179514996387,0.534246911971,0.619747857907,0.0686206787163,0.562148526508,0.36483124822,0.181946594387,0.285169225555,0.313863985998,0.220656240013,0.747162240664,0.115733915034,0.732230132744,0.0119948060944,0.535956484853,0.0912367525857,0.04346833092,0.38882799991,0.517933730734,0.317259853121,0.279383634284,0.101443697021,0.985404804912,0.550987104074,0.343725775207,0.168540428193,0.440952823825,0.961747127,0.950617476375,0.991517409517,0.526309593631,0.245427017252,0.609825942437,0.758399221599,0.172138161605,0.890822869325,0.33758944015,0.886177873124,0.726867256837,0.445523178738,0.777437052553,0.460420054361,0.156667955062,0.168069814205,0.284412532752,0.931767383062,0.134801623453,0.46312022145,0.134818170285,0.615660880036,0.650875855332,0.369439145523,0.0885299263551,0.506911117521,0.698328222755,0.324990078811,0.440371227862,0.405210714115,0.327376040162,0.687766933204,0.933893926738,0.73970027596,0.6081830023,0.43503838112,0.119872056689,0.347612890901,0.104495982834,0.75743035661,0.947479736055,0.519847530458,0.565835755098,0.860463152796,0.647973139275,0.138263281095,0.606319127465,0.522730980699,0.630788082858,0.702383999591,0.679311777919,0.949024274669,0.708799922569,0.0657190283671,0.894379576537,0.527172102455,0.349365817192,0.421397399165,0.560272607928,0.937475154627,0.87480031741,0.0466537088428,0.608093136839,0.59939540981,0.898742620828,0.854658320732,0.946834707467,0.0698245919079,0.402636789558,0.144432908608,0.0862655542124,0.757818921893,0.662780793729,0.394368463118,0.346282308229,0.364829847458,0.878940048366,0.771003092068,0.955954120768,0.683780150083,0.134198379029,0.371889571062,0.0722732305166,0.0642251784594,0.0818060198857,0.74625740068,0.401454535216,0.940866967823,0.204984489919,0.564885190851,0.782350297094,0.290940288655,0.346556803925,0.0208689334167,0.145943404065,0.625617185426,0.659161972672,0.932155807403,0.397997428615,0.636964722562,0.925298049531,0.752740706943,0.860756572672,0.847132500887,0.316981362185,0.952221318941,0.0116687749786,0.132971465195,0.345195422533,0.675729282389,0.223069431161,0.0568190422501,0.549689764358,0.261426155552,0.954727963204,0.843898025279,0.191029224845,0.625344331517,0.494343155706,0.431312814032,0.286287278041,0.440057066737,0.0250023007208,0.671911760634,0.684241004701,0.138450727612,0.867341700381,0.549484724941,0.441843077303,0.243262371754,0.869138422937,0.70661210303,0.858751406476,0.547886794538,0.184852835065,0.616651640607,0.860982848173,0.119123568821,0.475693118455,0.360665142653,0.42629239866,0.458788760921,0.94763808602,0.584390001049,0.945981877715,0.395422196296,0.89362074648,0.347477972738,0.468995783431,0.047327304871,0.510450442317,0.715086283934,0.819606331338,0.335419823837,0.872338416238,0.700563076105,0.528224385099,0.879578778408,0.299951745929,0.772733517191,0.347249399607,0.947080455211,0.910458357337,0.479578336358,0.469432726402,0.827268989949,0.277795781176,0.574054216246,0.217113793077,0.0213428956259,0.438723767063,0.503065166598,0.02667719877,0.592581247496,0.0228397156916,0.748549174715,0.571532601987,0.122749902903,0.806295052004,0.125392931605,0.0908981552512,0.73447416136,0.00247212069526,0.844368780324,0.477667614431,0.825986649927,0.037843521783,0.824846662945,0.869240452132,0.429790070131,0.202050580588,0.765373581931,0.103522302927,0.446282351134,0.376420631406,0.320880171662,0.00293492693346,0.486228840379,0.290765212116,0.329259722013,0.540186140631,0.411271844097,0.6569232567,0.4128625756,0.00651866249016,0.717820527323,0.449568665094,0.584470075217,0.500493723726,0.368200874099,0.675887386371,0.806294190141,0.817066616081,0.760010757966,0.496410428225,0.560548180411,0.320198903507,0.479074489358,0.917586334357,0.676653322302,0.000683047078624,0.25216719962,0.688065423094,0.435914106827,0.403459889112,0.421293414084,0.88801743049,0.416562759751,0.581601449032,0.356540611764,0.294646076809,0.668556275153,0.423235467479,0.390756795154,0.965257182141,0.324155369791,0.156799716682,0.27679509779,0.947192813355,0.993035234086,0.0660611781705,0.881272699548,0.173105420626,0.0667250936993,0.976099951257,0.941975429204,0.901545041991,0.821672678943,0.154177638144,0.157413468348,0.418761346034,0.688579523046,0.543270094273,0.809455209122,0.935882993519,0.466626246138,0.306533705202,0.80807135685,0.143597636919,0.734219554692,0.729148010254,0.526421759655,0.931996363112,0.576717891449,0.465303217248,0.447854654376,0.716737471373,0.0147143904461,0.149132739898,0.774239812936,0.808596458622,0.699117604475,0.434423894867,0.84582316452,0.0868440376449,0.341873532206,0.527262855763,0.0498886452717,0.491871439417,0.335244975779,0.689254355699,0.57392213125,0.217154642646,0.771916036782,0.689571852047,0.138405284536,0.288478127346,0.0878831657585,0.490922044985,0.208202509971,0.708679396168,0.560686959482,0.446322429163,0.28979327246,0.687414778761,0.811314705061,0.794662303699,0.398760738511,0.668964574478,0.0556268547913,0.0479961605964,0.834557172807,0.534384980403,0.48900735703,0.671167949307,0.490820188706,0.383075430919,0.442010104307,0.153844536395,0.0685026526063,0.0229465228194,0.776733258192,0.697396443539,0.235263952536,0.698699601031,0.723421244146,0.0517701561761,0.839200084168,0.688961164946,0.657764179949,0.876194785342,0.829996053176,0.692677627993,0.112705410064,0.758811452379,0.293891859114,0.293505510526,0.271642282001,0.0276986977134,0.59414050928,0.123033024695,0.159741793008,0.592122300118,0.183008915798,0.493657282089,0.857423684466,0.879144768799 0.186098224489,0.546962032986,0.29791633571,0.91997249148,0.907911826698,0.240772446179,0.257875551123,0.441129936143,0.56702277388,0.0936958339554,0.274331593546,0.0658799359339,0.965136067851,0.389038644738,0.263393285992,0.947265078863,0.000670655757048,0.921184725917,0.222819081318,0.880184702934,0.65286995868,0.411558093963,0.141419626738,0.183740932467,0.839670158997,0.859439592645,0.655505079527,0.0990451144833,0.917436276581,0.154275994391,0.574500602775,0.578353563189,0.00768354801152,0.22631283728,0.722709360819,0.840665782065,0.130901208297,0.663204425426,0.711880045821,0.397653109991,0.0741486235234,0.909837823365,0.719536416774,0.516526135958,0.897549939696,0.151668344168,0.508363939774,0.621871738139,0.838411612891,0.95486082867,0.815994926765,0.0848739279056,0.307165083541,0.985837428616,0.380458287244,0.0378784028171,0.511859880324,0.820374849607,0.279187010436,0.70059656525,0.0884898348224,0.604817910479,0.0185222624358,0.204148859252,0.241393439323,0.361002772417,0.312287081868,0.424463677496,0.848602041127,0.90746129956,0.188692980142,0.993337658075,0.22070474309,0.605181719573,0.749287055164,0.0564338732342,0.453556642477,0.508570485714,0.284589995671,0.70519044281,0.869641180777,0.626322005013,0.588391184217,0.268864055204,0.707240529025,0.494646228561,0.0345272212385,0.0628774669409,0.354424421356,0.644001075391,0.476295769422,0.23035186377,0.870055692664,0.151498031045,0.297365821398,0.171069316357,0.542336039117,0.368296848875,0.526103046937,0.278391430753,0.367077356681,0.297349404415,0.640475147814,0.00619495991181,0.493702162821,0.268745339386,0.259406478733,0.787401662348,0.893584591233,0.260811543611,0.799875750192,0.290150832841,0.318111605967,0.853697878205,0.479500452075,0.296882281172,0.693745012902,0.630904183718,0.0903807645958,0.397394979822,0.219010650663,0.988846585767,0.209072587136,0.693200882419,0.167723765661,0.710002447037,0.551725588033,0.196765831217,0.620010078271,0.117405017174,0.429720735224,0.15287347033,0.215334342326,0.699980059894,0.404263949956,0.751916795547,0.804925302205,0.689928452716,0.232470232267,0.239825442767,0.0795155942018,0.101138077136,0.07819333967,0.722728942396,0.0009708195678,0.805455010806,0.187862304132,0.166525746636,0.0185974976446,0.788009393518,0.710371962005,0.291048392439,0.52758207675,0.570079368863,0.435068452955,0.730827243253,0.228008742658,0.238146897724,0.0252358600957,0.733673048827,0.298018974921,0.0185807404376,0.65509222833,0.369627010359,0.280599192898,0.507049718006,0.211345339085,0.704429003772,0.58676477738,0.572141725,0.781274451267,0.974952244561,0.793904305201,0.0485541967407,0.25686392248,0.53393118907,0.517583721263,0.378538664366,0.0166385351189,0.467509264924,0.152963716189,0.942619490068,0.673742123738,0.318165079043,0.246305826715,0.121719575887,0.983973525999,0.908115742575,0.293380076547,0.896258407247,0.740941667104,0.745357028441,0.932266341932,0.911752859919,0.211679080366,0.129636025956,0.675446423329,0.130844760474,0.115016596965,0.152877267762,0.624356357566,0.0787827820157,0.677371741597,0.190398804703,0.707839580681,0.42340225286,0.655670190239,0.553884174535,0.84224791984,0.523960574059,0.658006697769,0.885560230253,0.212755102734,0.681228467638,0.341393995789,0.307383533509,0.321712681034,0.235787837481,0.0293320741762,0.784614444817,0.617094832015,0.584855652141,0.830145651695,0.961707840278,0.139780867941,0.523741579876,0.301147647261,0.696213959405,0.134067479127,0.157480631167,0.370878288395,0.845987512639,0.435059706057,0.319871853698,0.390816767633,0.467546969019,0.402084580844,0.290843223481,0.867480851033,0.894854115903,0.552797433477,0.560457335154,0.201756547672,0.317460003618,0.0683957718875,0.127497340576,0.569107853747,0.92515571426,0.638553676178,0.71562786841,0.851799940279,0.865870168173,0.158915567825,0.475833504016,0.77115514221,0.769556013266,0.326228872937,0.982389477771,0.579783879607,0.73771284993,0.425341708119,0.304178261214,0.827709743646,0.240329276432,0.731009481448,0.790851168326,0.31855440022,0.297776518793,0.637673365383,0.333931248178,0.156955757615,0.67725426055,0.590110682301,0.81799582268,0.857939652728,0.323814207568,0.288089703839,0.927186905338,0.517183075407,0.418790925717,0.882658406558,0.260066349626,0.405484770136,0.517925616292,0.636109506481,0.18998447534,0.700796667591,0.546461370261,0.164213726775,0.0498226855174,0.810094186404,0.0543743785223,0.763428641319,0.90565569991,0.294944646694,0.128026491561,0.290477400806,0.656421387645,0.645973614405,0.191505426658,0.58787413601,0.569477390396,0.722727152287,0.521363586646,0.856846757125,0.96520807212,0.700795800585,0.708593795922,0.858928896303,0.152346117959,0.506962230536,0.604643873866,0.805678887301,0.489305108156,0.247047206475,0.577317915677,0.721707237845,0.388869089612,0.900255664453,0.0277653019567,0.57616565985,0.149101484831,0.809420813867,0.449127984193,0.361561630673,0.335006260635,0.0626767679754,0.412818813519,0.126365809229,0.210828631741,0.77183836566,0.144401688548,0.730696141118,0.913865179764,0.600444010406,0.216607364988,0.349071912082,0.760372832937,0.694583686205,0.51345571227,0.874945294364,0.0495885533557,0.297910954966,0.861554701421,0.744634570554,0.0042730274788,0.87679610258,0.508448005102,0.905137392512,0.895572016088,0.76712168926,0.69935712508,0.803879926251,0.374732929285,0.110829651657,0.448391135818,0.402870582514,0.851600972581,0.781660686813,0.192561247303,0.546580722966,0.416886469067,0.967839827911,0.517716819502,0.374620449889,0.661192139053,0.72631924174,0.963344858136,0.0429518971615,0.458415360621,0.179725458427,0.159926506778,0.387943252955,0.78748579978,0.400027292345,0.0408540399314,0.770180888469,0.188655418943,0.831080837567,0.121163993545,0.862860508228,0.190522093448,0.540372659778,0.761997570005,0.896841832078,0.453437448672,0.787791399088,0.550881258578,0.805571623985,0.516516066264,0.989762935592,0.192430589292,0.517307589554,0.572416588447,0.0179884326569,0.417141009528,0.859530144017,0.421402051767,0.691340807272,0.242363772695,0.765463766375,0.25812517972,0.671138637768,0.377196347806,0.44937498784,0.772963914316,0.76157190965,0.153588975883,0.0152846228396,0.929946346536,0.134190523689,0.669721758789,0.45413076642,0.467411611566,0.552912890945,0.225590085207,0.687127959685,0.746884299039,0.992574789655,0.342106123858,0.15998157748,0.868676028691,0.548670536265,0.0651160292495,0.744279524129,0.0131865078894,0.552932756795,0.560905148918,0.291067534231,0.456976631237,0.353169121873,0.87367968361,0.975230993787,0.78672990985,0.567868878788,0.313632838522,0.128180648139,0.58311438029,0.424498154556,0.949859070448,0.913073695653,0.635870778216,0.151556633862,0.484213984072,0.83847413485,0.306471759556,0.669246966991,0.246462853286,0.355540862366,0.612824670743,0.137404748984,0.508018583443,0.772819867767,0.845693625571,0.584331194404,0.729532906991,0.850421680045,0.464881385795,0.636316061637,0.942636616642,0.375194769322,0.704587065246,0.404713116055,0.155128413788,0.760134664997,0.37876052819,0.58087710751,0.0753256431425,0.113680607365,0.260612487874,0.796022267805,0.875490633259,0.429932066505,0.131538283617,0.42948889861,0.252949066456,0.727838895984,0.780593137938,0.152921888252,0.15642468878,0.279655622287,0.0437132574242,0.352921704558,0.386285246936,0.0524950634798,0.674648579274,0.131241222284,0.136993573049,0.681808273673,0.706754379981,0.204562548452,0.857321484867,0.438552601806,0.256811212598,0.236373727362,0.861932424562,0.0672372728309,0.405294055887,0.91384501909,0.553132029573,0.946217651322,0.633745814971,0.902148878005,0.560411766496,0.539920207578,0.481759398219,0.281044373903,0.774573177211,0.788873152707,0.128694702474,0.00358987955018,0.410717965282,0.0580589143838,0.906971945844,0.196017479389,0.919905798372,0.769153175772,0.499269800617,0.25005287352,0.903348866397,0.121938057058,0.392746057001,0.163857431573,0.675213975166,0.149389610183,0.0389941161148,0.781921710303,0.569359784325,0.854516044079,0.71659951726,0.306107102661,0.777160387758,0.903412951453,0.378301165463,0.591720670434,0.0323795631599,0.630047565473,0.652574401911,0.275524338777,0.514838938072,0.745759894475,0.82846866011,0.935379627949,0.375711804942,0.997527227238,0.785298627032,0.654553044895,0.364529408329,0.635615501255,0.472041412738,0.996651229716,0.335825577576,0.488484327777,0.121450354165,0.53703885013,0.502070198395,0.519260619345,0.562686593916,0.0502787970942,0.09336414525,0.585535558657,0.808387032869,0.972200337839,0.484091353556,0.456476462923,0.251455320278,0.0363664251277,0.0677519451565,0.560386759481,0.525128917374,0.0411744646986,0.467299011673,0.998255680637,0.848108463082,0.465889847206,0.804116097892,0.0589128087972,0.450351735811,0.764233369542,0.319167032307,0.127430121746,0.330666716768,0.0500103328732,0.485915782932,0.953780004958,0.0879913965086,0.690554571928,0.278213856607,0.73047608601,0.746223546547,0.486792320005,0.904881401418,0.963443197217,0.182073881926,0.943098197129,0.923573070489,0.345209197933,0.879073201326,0.370657697175,0.789871384326,0.622873908996,0.218125111455,0.345153528977,0.276614647804,0.104080862226,0.685080946813,0.632485066828,0.580253562626,0.49597165472,0.301849016282,0.949312488105,0.323941558428,0.845839061847,0.152048633795,0.399520210099,0.286196138918,0.805519221851,0.999538446524,0.548593007521,0.488922590759,0.41129821668,0.171801171614,0.567332131053,0.74357957016,0.175418211149,0.535873396394,0.202667390517,0.0539617564832,0.274470899596,0.957804816625,0.333924844661,0.540497326999,0.840082975255,0.222900209808,0.414779609092,0.144987482674,0.238820850225,0.527696100164,0.953095182018,0.385807385709,0.624573519004,0.681561568378,0.073954667063,0.495977876918,0.168171084127,0.474359456424,0.523137597251,0.0715167098782,0.371122581486,0.756301792661,0.29731361087,0.518787960894,0.331494735155,0.420130722389,0.508305508112,0.288258029195,0.987288444451,0.622916751123,0.310301410946,0.717328523724,0.460955988288,0.844161881559,0.28960541467,0.101134514017,0.93376508093,0.0360504739709,0.424129606466,0.722219334008,0.317690205645,0.825913777859,0.0506451823936,0.154804511945,0.343769991647,0.213412242928,0.0128743426777,0.538255453413,0.612612471245,0.0620353996091,0.571000848322,0.292109887864,0.253148542178,0.184722456525,0.535475132347,0.99834699722,0.315920746378,0.462528814957,0.969702084479,0.959912589467,0.727209552306,0.314777381512,0.981753462608,0.868667835931,0.531727448776,0.613556663608,0.405083655976,0.42797661661,0.684676248659,0.0574717236772,0.48188883484,0.905611338692,0.16248764298,0.57639995141,0.199600767556,0.925579982304,0.798642193683,0.991530970052,0.5333228311,0.992585350536,0.438909197641,0.229457598842,0.611320947406,0.877098921876,0.996742908704,0.887909959978,0.571298733684,0.399318660266,0.976165288017,0.881260008652,0.424503944635,0.350040467697,0.41473787338,0.744662720097,0.346692065985,0.488517831063,0.0733659506998,0.943656249515,0.667392488662,0.50259408778,0.798362518342,0.52332572366,0.178174848015,0.553925248728,0.576725976035,0.34126915139,0.50343641978,0.706699365834,0.611067871584,0.570579866104,0.670602802076,0.161136368303,0.530894116092,0.451186119846,0.819721890108,0.125301744731,0.00819228232478,0.480489680332,0.851096958192,0.424429708899,0.687966480718,0.273593019113,0.683328599412,0.804907559259,0.0966723042807,0.336142882549,0.24276886944,0.991693467103,0.410077029634,0.17729011951,0.907936293857,0.270150195737,0.4517291756,0.930969306576,0.930147870784,0.993477950597,0.783193106024,0.607772004616,0.743362819251,0.429916475787,0.291064409326,0.939935832419,0.696224842431,0.722092070484,0.629648507958,0.0918061119776,0.290295096393,0.43022420139,0.878580208795,0.210015181102,0.654485200633,0.344699330454,0.734980828703,0.481276512255,0.0253170576437,0.202866393477,0.776448569301,0.698081205078,0.243526567131,0.462026335958,0.0200313992764,0.755110316893,0.943449004714,0.878830623436,0.846194920108,0.559697937998,0.513352410991,0.679578544518,0.512277025439,0.936622327192,0.655329995919,0.138630160095,0.271846347279,0.316071120055,0.684752867301,0.976718814999,0.621189896378,0.724826870033,0.203974603354,0.973008805878,0.91393185681,0.413457376199,0.193484646254,0.568486575452,0.361557510395,0.367405584773,0.995502475098,0.293374951101,0.834022292433,0.474816970683,0.609426989058,0.491283712299,0.245757354948,0.723923011142,0.617979353972,0.862647997019,0.422238216133,0.282484972571,0.972846107744,0.461875028183,0.521125403646,0.821644813826,0.947716438961,0.128725542396,0.418588432448,0.993657200846,0.988372418414,0.876446191987,0.90716423495,0.916298007049,0.726338149348,0.807369234416,0.952125285915,0.739666264024,0.992737705884,0.473893353726,0.893532367159,0.418833528941,0.994048102745,0.0264122361733,0.115506465529,0.993841541509,0.131817388909,0.700870806417,0.692432609373,0.485757903623,0.951297670985,0.49863254789,0.660326456452,0.986237607609,0.27419480442,0.174984077342,0.772742415859,0.243777482687,0.884319904023,0.150181022966,0.955369919168,0.531991268985,0.942919336752,0.781015074899,0.388932262407,0.417388038006,0.13168590545,0.288517011616,0.391315906617,0.446381577794,0.780924565233,0.220112742292,0.830599426683,0.477355134346,0.984167669991,0.07663312486,0.0128762496728,0.729808748926,0.268699261325,0.451536174317,0.783147186043,0.0686538618589,0.988861792969,0.322092293251,0.872862471419,0.406034954284,0.960232888981,0.0172602221035,0.743923835831,0.0435268612887,0.559482193113,0.568692543168,0.386382858432,0.243998505742,0.420232140115,0.364388654465,0.108446922625,0.49642087339,0.914821002618,0.0277286557113,0.851738400901,0.776704928464,0.147248532159,0.945582161672,0.584594058651,0.954077783315,0.722439304302,0.298504184872,0.857234794179,0.0405136760397,0.660775371546,0.990808622377,0.107349758575,0.330644302373,0.414991561863,0.58800814868,0.74041495118,0.966882138329,0.98823324603,0.778763747898,0.133024560704,0.884233124797,0.108429039689,0.285539026479,0.481569855953,0.945826045966,0.28342718574,0.904932322019,0.335876595332,0.0978431257942,0.0423287198939,0.189811176337,0.0930960795746,0.588838009656,0.749501741127,0.636847123367,0.895339544348,0.355523766706,0.553740744896,0.697209115582,0.240696842124,0.360885881278,0.13757726679,0.751724049657,0.840615712279,0.184321910945,0.948791078922,0.394365517125,0.802105018364,0.792345806224,0.179230071575,0.447832223266,0.898531548623,0.734303068606,0.0417530996499,0.836043344761,0.854605443078,0.372598444811,0.0505596294595,0.802897173644,0.502689008908,0.554799557386,0.0058114693806,0.188354813099,0.297309496674,0.316063389,0.761532491474,0.914040308403,0.0412979915019,0.817244325798,0.920701328697,0.751831625581,0.49607392009,0.845760397904,0.480841768088,0.623654276718,0.0894678248533,0.51992503766,0.456036170975,0.640232311838,0.699837822261,0.33950771891,0.288021330734,0.606319287877,0.0764901208076,0.201081681448,0.568297777526,0.775111726636,0.188731421566,0.877652107755,0.588123344688,0.951204019769,0.567306919254,0.00100678425738,0.297725230601,0.72718233292 -0.213317423431,0.969805168456,0.625144425137,0.33730716954,0.807659671684,0.526905355635,0.142892280468,0.305550699057,0.902713421638,0.766644267692,0.3554387545,0.566232268901,0.444159319232,0.68832098146,0.0857068181055,0.240838366029,0.785034006589,0.278648697472,0.98152296695,0.0753733362649,0.456780302214,0.452234051796,0.282067556604,0.182349706532,0.662291704547,0.488427159205,0.718852345931,0.501630558779,0.443132697439,0.744671267025,0.709864667927,0.394767983492,0.886692652528,0.555003115743,0.210210246556,0.576320239732,0.36804509277,0.430339714211,0.998085350884,0.65729281918,0.143604845779,0.516847315086,0.796359783466,0.468094431762,0.731473468572,0.266683360025,0.0203200501675,0.744719764267,0.118950907235,0.897474491965,0.211225468695,0.306856514746,0.77457617535,0.502340455624,0.899567029373,0.632500799206,0.427991811938,0.818206559992,0.178533510193,0.506702874491,0.282174298817,0.317923194214,0.824509611959,0.840308148435,0.238161743835,0.407256553838,0.770555431926,0.0341066006139,0.32335581397,0.302285946063,0.639602337785,0.342355489978,0.509922165288,0.616155139742,0.589590646336,0.171879628477,0.954034444563,0.76142666941,0.613663134436,0.292977789151,0.941327029439,0.0959515667756,0.251903243908,0.215535970526,0.07294279989,0.851989477698,0.634890627841,0.427547394405,0.995318796967,0.502225795451,0.01890482352,0.039031208399,0.965564737172,0.235528361099,0.209135680807,0.75808646516,0.786560964611,0.362417924169,0.701434300151,0.824180318214,0.288919424347,0.685359976046,0.631591012398,0.21818485834,0.442550250779,0.937495771971,0.759059774346,0.233475131302,0.453297023406,0.868627481079,0.399307855687,0.158346128743,0.181346200152,0.432577139499,0.636112379181,0.686360055328,0.301197869133,0.367380432845,0.237509002611,0.731148225138,0.776947725021,0.437944456759,0.857636219737,0.785118091462,0.21353605549,0.312568715971,0.538872195632,0.939304640672,0.476709389483,0.0177195384458,0.875092511424,0.82926385429,0.355702515233,0.332880861335,0.0148858646992,0.393641207187,0.166806532486,0.02355955728,0.589552455029,0.899335954755,0.112899494791,0.763712055182,0.0277871325228,0.373621153097,0.565813269389,0.329944601528,0.108148136931,0.366778678552,0.760379281376,0.459217490128,0.0880505669801,0.223168898015,0.780368079909,0.542976171667,0.769486082506,0.0059532275388,0.240491800577,0.755945669919,0.93705735102,0.435132523745,0.721121386698,0.916954276684,0.763913840259,0.817783479779,0.498863336167,0.940831686872,0.787622389194,0.82628716867,0.0912224264117,0.765652388649,0.545565324443,0.340477143739,0.660502206899,0.430002144231,0.61928047982,0.170720176116,0.225353549025,0.021762412279,0.985340087284,0.268551427663,0.639858223484,0.207444304978,0.107725251696,0.84388994787,0.346263031261,0.687657155788,0.281010409966,0.172492648467,0.374600027342,0.915998436063,0.620098130382,0.450550186796,0.309030355624,0.800342258477,0.203103716717,0.436379480239,0.881125993239,0.271335450932,0.810272699774,0.782604142735,0.583277418429,0.292934032137,0.440568101817,0.915447829451,0.703424861009,0.771564427329,0.0914332486542,0.884870271652,0.853913302188,0.628249137926,0.633878299181,0.382398408147,0.750460342256,0.0481631349458,0.0930100469586,0.488968762309,0.540578415227,0.148965361171,0.685237139157,0.928787120047,0.871901168841,0.76870974417,0.605675446857,0.15557383307,0.459646886651,0.0581123879569,0.988859627562,0.526599404353,0.862968193195,0.266380592079,0.630310685287,0.553950215035,0.95070403945,0.852719794416,0.577030445015,0.377300933576,0.155349317764,0.558138935661,0.719034891249,0.32913487238,0.766328275896,0.471943266287,0.761630104054,0.705159340164,0.810599978905,0.488456539532,0.231597120066,0.469793290389,0.840303538292,0.802584762096,0.697963996109,0.132805025189,0.573790934051,0.947612506349,0.532558482825,0.953723896687,0.820142105151,0.901659728319,0.1879224488,0.918917634264,0.50019402435,0.928786318488,0.753378599254,0.147481892057,0.679015959296,0.598005606709,0.982235976433,0.433579242139,0.950986815819,0.11125764009,0.0101419559489,0.912568539098,0.564748561768,0.829917104435,0.289202248432,0.0641085291462,0.861852280025,0.992697018633,0.513230448868,0.173923198349,0.76942655395,0.128364541811,0.731907653161,0.291254488292,0.472582343714,0.429934630444,0.203434127922,0.481247950554,0.843903373244,0.559603605187,0.579407796988,0.801464722361,0.328633408253,0.343866427385,0.112817032329,0.36256132769,0.0876853595527,0.854219454202,0.380085984428,0.766116175299,0.678777847696,0.744441986203,0.495551726761,0.16773055184,0.0667418157054,0.823146251958,0.850270254246,0.368075152206,0.742033970973,0.455478994044,0.877145564491,0.998999161951,0.41753555278,0.981411385826,0.737810715708,0.756803355735,0.944517969624,0.674935521078,0.507689700136,0.755605048464,0.218665120259,0.814048565347,0.281161482177,0.576119615424,0.226527092037,0.709941238774,0.570609811169,0.241812123547,0.326303635814,0.266558407407,0.230384433443,0.791926815168,0.351432165697,0.840459888488,0.582736326037,0.535014752686,0.246684169669,0.67825473245,0.139462435768,0.436068130372,0.0930918667867,0.845797159117,0.990597338064,0.800244610298,0.403891679951,0.541937076879,0.968755419761,0.126027049381,0.690487694797,0.415745898142,0.967269359919,0.0947294216555,0.331368100339,0.294802509886,0.173668537129,0.694539978885,0.762327160838,0.182258803997,0.478167546646,0.12081355388,0.965997280927,0.969712227773,0.58717182038,0.119617411936,0.456053154445,0.742098029715,0.62876617249,0.0520504948183,0.455731860716,0.614549721932,0.870881078575,0.975425299,0.79727725706,0.414881859073,0.216828456044,0.331200670472,0.835423782346,0.916100649871,0.245709748463,0.0893355363873,0.345248886458,0.418883873211,0.00471062187689,0.330238001578,0.204294026596,0.223353196845,0.872998459439,0.812883310845,0.739157612629,0.172820872271,0.362845163465,0.570837122129,0.483588727454,0.301791493903,0.483561015728,0.692519667535,0.435955850641,0.258364022608,0.560448635688,0.960086365437,0.733822758993,0.228065373465,0.897252810438,0.744313786044,0.437558193797,0.547692732612,0.823284513873,0.169685752729,0.604969688569,0.0791327038146,0.0634698326008,0.346906550752,0.144745832993,0.786345932621,0.339642157005,0.789415851937,0.367168068401,0.0510820973749,0.00927525336237,0.943154013378,0.862940364242,0.735111400471,0.440839133663,0.967708421208,0.540578636392,0.631010934647,0.893278121401,0.206040759215,0.0088158246672,0.935026826246,0.0160612040827,0.827675496723,0.0512672205682,0.175145117255,0.830492355174,0.722518088811,0.0450338545843,0.867493598102,0.24532983751,0.853304665638,0.633718523323,0.570912485429,0.460565542942,0.490541274496,0.134084468542,0.865575432955,0.672434687035,0.646519924688,0.0548516241564,0.00308215889966,0.993878712496,0.407832068267,0.971265826859,0.524588593981,0.463462182269,0.647577772323,0.564581005929,0.268081362396,0.147274363323,0.661872946699,0.89475271271,0.0356427582062,0.622401145394,0.674141418411,0.615341381986,0.473536312862,0.537440865281,0.420965948466,0.948370965912,0.91906506384,0.86727888384,0.229380699806,0.0540361475814,0.647625026079,0.241102543997,0.261751090517,0.524765242821,0.597263969182,0.392100196612,0.0485699728137,0.122002440434,0.673532583039,0.794599858153,0.96536579358,0.42745332129,0.888891345113,0.3284599044,0.736034294,0.231649520893,0.249356736604,0.684834520739,0.217677896368,0.00605854466688,0.545432503571,0.165887527052,0.852160591127,0.790091553665,0.72473169047,0.0903093453934,0.0499021503703,0.29660402651,0.991888857067,0.726655997796,0.375778160246,0.851650073235,0.290386326285,0.0338730801643,0.957154178617,0.650816445821,0.918592308954,0.54496938843,0.498040226418,0.0487850134257,0.856925972977,0.506539662678,0.922296885492,0.528872502432,0.943312052284,0.131791412657,0.325674247793,0.502788101723,0.800984246386,0.236015040245,0.677046517803,0.286171815516,0.339663831207,0.53596841773,0.0239355831605,0.201108781032,0.368619147368,0.222892278147,0.147461989844,0.913379558897,0.241740995787,0.476404028388,0.677192217658,0.791575664405,0.0816158260558,0.95109672306,0.170296903166,0.723247882995,0.898648602366,0.419473689788,0.73619616817,0.237480654443,0.900936628189,0.895060748979,0.711950897609,0.563023604167,0.454974657865,0.682924366915,0.72663775134,0.68714009136,0.6579419254,0.783467338291,0.155955667467,0.343869786059,0.770000070567,0.694153730484,0.0308690405997,0.616111336226,0.553238432527,0.0806506936988,0.602454650619,0.529054920729,0.563069851117,0.485785568845,0.593411561079,0.842244548442,0.339529048906,0.542685136954,0.649265810683,0.515133796988,0.146674131319,0.349585819796,0.152871125867,0.784890669213,0.352265916099,0.755059683574,0.87418482253,0.134321953263,0.28290395929,0.0295954436041,0.846483060091,0.848204528029,0.602764037657,0.744084560975,0.882208909214,0.21991746634,0.658053358838,0.228876561047,0.589776198461,0.907242367936,0.957376374262,0.435586960955,0.342087014914,0.212396183818,0.631058141863,0.444293077221,0.0146849776447,0.962494112428,0.5480832379,0.394461001888,0.0928277486306,0.506049163809,0.926530718545,0.415373015822,0.888648280846,0.258272422008,0.758669054953,0.126272120229,0.0819644237499,0.820588071032,0.472555717588,0.950576936958,0.135591431732,0.186408116909,0.0123995957101,0.300928096526,0.791653586658,0.0336349376085,0.44546902971,0.577895622188,0.902685016499,0.976285411767,0.825997302839,0.201812708981,0.94048905329,0.411834669418,0.926234691931,0.528098529483,0.786780094998,0.706224749354,0.371061540327,0.167747436794,0.010691016623,0.342233763428,0.200466089173,0.532028325495,0.0476443514739,0.956524870971,0.245999655865,0.679482249827,0.0175253581097,0.793151117683,0.848310349983,0.0516165526782,0.23125673173,0.976577113208,0.872551119084,0.958798877563,0.543741063893,0.858933480061,0.909884693136,0.816025864534,0.909252121557,0.300619921336,0.815044116308,0.81353731965,0.879073157335,0.619195010496,0.566159089293,0.403186825219,0.965003647357,0.95430811716,0.501458051397,0.431851098948,0.86702114888,0.743554211532,0.084129203681,0.312784962573,0.342741299109,0.574095433486,0.39510335903,0.72931326635,0.97367492416,0.961926591587,0.452331154769,0.377950360388,0.62045468716,0.303137426769,0.437137583784,0.81937607687,0.397209075964,0.223887986309,0.723247068753,0.465869582472,0.208747664892,0.24819312986,0.876658910388,0.602311914336,0.52824126691,0.170217122484,0.758243845582,0.0144203950518,0.68449005086,0.200598285589,0.150662546649,0.237856124709,0.564866292998,0.217343461385,0.64375034754,0.545808416347,0.64944046195,0.573018445583,0.480432036122,0.369423034436,0.161949924225,0.709828777497,0.457654586653,0.417196314119,0.28646902272,0.907510539607,0.671408241364,0.891110670541,0.352884540424,0.015047596199,0.429356487924,0.0948337287748,0.337941679014,0.321747959922,0.805815276326,0.465584059592,0.833883025568,0.328641681447,0.92815960722,0.966369319636,0.993926229608,0.769643355695,0.367197974517,0.698468219533,0.658525475999,0.8660684769,0.683563807121,0.00240950590812,0.57048067335,0.60586336053,0.524087104696,0.837821642729,0.454233590482,0.797202224951,0.506654264413,0.4918745911,0.584170122656,0.0104531706763,0.570140531676,0.888536237194,0.302219534624,0.132256658843,0.631171600816,0.575014345723,0.313601085513,0.375811046451,0.310231572075,0.158651199537,0.92010826554,0.428511253724,0.0324136429436,0.362505156121,0.510578411531,0.67593606722,0.00739593053088,0.860082565785,0.645318016648,0.41056821872,0.242873594698,0.588421149266,0.320724300195,0.459483790462,0.57321448527,0.423590708727,0.769824360995,0.0852536859447,0.386257193733,0.631825122423,0.65243963227,0.92777671245,0.542799950344,0.614917310281,0.732788279171,0.102133101968,0.120118034533,0.134575485358,0.941076477836,0.0879276154169,0.69036766833,0.0970693346233,0.392568656564,0.182451403359,0.19052753742,0.346500250374,0.183156283718,0.389188185616,0.590862915856,0.865545763467,0.709052797078,0.165527678001,0.984065676364,0.719620496948,0.609346613465,0.544312079092,0.266959399377,0.958222777953,0.405957751952,0.884890022272,0.182510559268,0.684785699201,0.0529797421788,0.554067104819,0.0648080527203,0.986900805226,0.113815269291,0.294905681411,0.742122531489,0.279954402748,0.204423987756,0.271142706819,0.903116412126,0.881446406789,0.913002866052,0.936085301083,0.0523179153105,0.673019952442,0.674911934995,0.466477272259,0.0664589161296,0.324208184933,0.185081683524,0.0327696608609,0.227065028812,0.119830101485,0.444469647942,0.892973002298,0.525701854718,0.5070233884,0.645326202639,0.0813181231641,0.341300434572,0.78707841858,0.988927430673,0.904605837476,0.423272818695,0.742527393785,0.466461877215,0.417852045217,0.789124852671,0.451305648816,0.495160745766,0.415822462829,0.420385949162,0.017462520172,0.606682201044,0.0484140895242,0.486454001351,0.95466368233,0.630387719225,0.168792514161,0.0996632997974,0.236262576687,0.649876727667,0.549134295163,0.815764752113,0.276212776615,0.403753725434,0.446456594332,0.775925182011,0.406863614726,0.348840999564,0.762579421211,0.983104599048,0.0694013186716,0.0301023819466,0.216085991142,0.731623004975,0.703875027886,0.500446935011,0.0813076336859,0.731120194772,0.394358320016,0.918547724948,0.913419990038,0.178799283867,0.381482793191,0.198739678385,0.87833084977,0.941103993959,0.600301830538,0.620906715649,0.835116315369,0.893624590327,0.0145721711065,0.0581564277695,0.406756385849,0.279245657917,0.752706003449,0.503940731102,0.797173443899,0.139552871704,0.797074257245,0.109974491911,0.652603314756,0.870049198238,0.614189259701,0.601403578425,0.611999781563,0.982661479672,0.0827305264112,0.0872978025007,0.204314675022,0.317257279218,0.901173805363,0.994041693186,0.13652826313,0.829103438314,0.30469298912,0.529177284396,0.835987953057,0.236756047723,0.422001771685,0.423289482895,0.842705874363,0.894133230376,0.0094308633601,0.845100418624,0.577317975609,0.496997729987,0.190671956716,0.347105762517,0.62862394371,0.932980106931,0.543230508219,0.736128137499,0.933172508567,0.791619183763,0.437082226089,0.45996543798,0.00911601741963,0.183996513345,0.809483666524,0.86731196391,0.282646118819,0.0722444860373,0.679455648086,0.453315039472,0.259698507758,0.281212041486,0.458166500933,0.565586553084,0.466334626963,0.600638018209,0.338443390083,0.894100428826,0.841462925048,0.480565842702,0.547132227189,0.527862840329,0.510651963202,0.412951433721,0.127645745693,0.0987582796532,0.980167786637,0.929018782804,0.208742214967,0.788938865265,0.763192325684,0.401079660464,0.436471255491,0.116260902368,0.947067437134,0.671712092493,0.497666092295,0.797523997672,0.514857567536,0.950262310737,0.87907688191,0.439429147675,0.506144124893,0.618919422751,0.954862400993,0.401639031819,0.1615208786,0.325482595505,0.923059455557,0.250920436706,0.949848159761,0.357102564439,0.378851278436,0.1484394413,0.203062687258,0.237118592335,0.973240942451,0.014012880898,0.588699794994,0.245101594971,0.322481895965,0.136382665789,0.631887347003,0.569607291899,0.240939158095,0.246141901629 0.930832197963,0.471508433189,0.536540316205,0.528687445797,0.875459667367,0.880768284559,0.543858418311,0.414459638992,0.927192724813,0.456031038645,0.290501017999,0.975163132035,0.462580551948,0.875240284981,0.686551377502,0.323603718486,0.831757935923,0.249146510065,0.769635545669,0.836812459561,0.522214382417,0.73076373495,0.00717673449105,0.313620548707,0.706710255943,0.219320512786,0.804220722754,0.221313587642,0.455437211622,0.493523029336,0.42601709362,0.264359894255,0.660914280242,0.0886401880123,0.159099194147,0.293563363509,0.594967168841,0.343811963156,0.370802319974,0.353849329182,0.536022482372,0.765354986488,0.479282840935,0.899048632384,0.532214059009,0.48453732822,0.256191894748,0.480574109291,0.425557975525,0.901881018253,0.240648772177,0.682121853273,0.899684366807,0.064834234353,0.700520215408,0.860039698858,0.313685590401,0.93233878722,0.815404772899,0.700938931286,0.105222135304,0.530039523632,0.345381009979,0.516677391239,0.621610254121,0.666585309626,0.427988484239,0.426605702883,0.989162289906,0.200669348022,0.375786146653,0.223613645589,0.530593513912,0.167688614096,0.955189510104,0.774747832501,0.773149051806,0.354807763842,0.562995000758,0.0886515981296,0.454567200501,0.338757415985,0.37973153459,0.562057070781,0.427798536535,0.0290344698482,0.875049426586,0.494960723988,0.53456209341,0.711276692499,0.997502345971,0.906379918316,0.488476137132,0.388482935672,0.105862552329,0.562857857994,0.888753512135,0.863286713441,0.0751502912914,0.724166956634,0.906302526485,0.0981059568838,0.286318401291,0.176809709213,0.144213979018,0.0769324470963,0.0641060553256,0.82708090027,0.822787528073,0.606907279311,0.435665007069,0.295400706458,0.189745673861,0.0319917093077,0.528121961861,0.860251240197,0.282607955763,0.301555300878,0.563879988196,0.281381743089,0.59992746337,0.515993600831,0.00687342794175,0.840333508012,0.446860368375,0.7412051335,0.470054463182,0.596274614661,0.73130631447,0.153523803669,0.932148527223,0.306619390829,0.130029996845,0.130388113061,0.817541198965,0.893719409279,0.330542277653,0.963148298558,0.469430242203,0.662192807855,0.951589764683,0.648532240404,0.632625450185,0.600345173531,0.862711155123,0.432423617303,0.0839579514843,0.598659403271,0.384872493979,0.619063275726,0.317066808821,0.86283308749,0.271134339903,0.265555973648,0.868863864999,0.604059479074,0.683131917265,0.579938345071,0.675898816932,0.827092943273,0.413799432786,0.00393052731997,0.90983298136,0.391224746904,0.723265457759,0.838183709071,0.808917112234,0.24236448239,0.964925365828,0.962752293587,0.833370933104,0.193734562581,0.855814211506,0.266989722881,0.419449980069,0.618722120945,0.67476272892,0.877576383253,0.505850534438,0.2996146162,0.691754240147,0.0963894679123,0.0690372336614,0.45986092009,0.636265669405,0.0641757292504,0.699509304087,0.244750516424,0.117477511436,0.3675869675,0.632511255073,0.0659661005394,0.0541111801634,0.868044236557,0.886882453014,0.599780576874,0.250364599654,0.079835872588,0.561019223834,0.116544743505,0.737193472177,0.634025684519,0.289261407129,0.238662675399,0.826255835375,0.496686642116,0.671934366282,0.989686967533,0.630272403466,0.26907260371,0.0501842283103,0.90724954996,0.832584243491,0.349488882401,0.51486453456,0.31081706105,0.65552924614,0.213494097121,0.227148015356,0.430523547917,0.169646720371,0.80522232878,0.609695562792,0.956363992633,0.0154068802937,0.11863323704,0.372757409344,0.00437381897403,0.923487707644,0.426470920979,0.471105671276,0.607957353854,0.788280780118,0.856998565372,0.990541283093,0.491533745154,0.122518743726,0.649301976289,0.527878368801,0.970917140178,0.294313753473,0.398228136189,0.987483818314,0.0345221833567,0.335640993391,0.74740211366,0.2827064505,0.905108240341,0.700758731325,0.457064489804,0.136685467729,0.261527203373,0.569831020838,0.848868265734,0.499742365734,0.872862579226,0.387228295632,0.905872747706,0.223060204959,0.617665079064,0.648044898389,0.211658157751,0.974358979531,0.105358457272,0.0812668889408,0.808504668556,0.0295280641478,0.268772622821,0.344483088838,0.141135333906,0.67254982829,0.980518526423,0.499105138766,0.941013830557,0.0907603712839,0.63292681407,0.353692319763,0.414916678129,0.163090409558,0.320099356756,0.807784662637,0.206509564542,0.191036691622,0.306904035083,0.535650975377,0.821842838537,0.244392955699,0.103452780941,0.737488555726,0.319352635322,0.0516743751939,0.416878862226,0.538770139304,0.845046231513,0.437719718754,0.932999156292,0.750590823907,0.0825324631204,0.672576097174,0.520676438253,0.00998821610598,0.759128863149,0.862445893107,0.312671392399,0.35957319728,0.851517005268,0.709117550287,0.54000867797,0.337976828377,0.477933304663,0.0428548043607,0.511839593104,0.0061909401789,0.401581182983,0.410076405257,0.336393433001,0.517558335167,0.370116479148,0.741679392652,0.379113130065,0.834171729904,0.880209007151,0.395352663357,0.217247099684,0.00295752876047,0.463727547538,0.72388454406,0.92307245337,0.102620058788,0.372094999679,0.816499817397,0.850156375136,0.712566448997,0.923876587831,0.860023545864,0.41173005515,0.085341217081,0.793433721576,0.18190524182,0.561539839671,0.285717650084,0.190298925685,0.28557371934,0.19505640241,0.946475728856,0.776425856067,0.0193556395976,0.929644348738,0.408595127072,0.914198617342,0.501742514733,0.869416922074,0.145114952995,0.670549450573,0.12746195151,0.600487086691,0.0508286148944,0.727759044986,0.159546367423,0.114548456751,0.250978947726,0.872809160491,0.626784260011,0.784237350657,0.0227438309883,0.539828046939,0.537349679617,0.103051699003,0.24704569473,0.370594513273,0.669413996509,0.0503499773384,0.819300877504,0.116318883427,0.0401932069418,0.925997733083,0.987647790823,0.101315821403,0.816005000325,0.80964703689,0.39089935301,0.581012737205,0.606578035028,0.128575898203,0.322046266155,0.76198853684,0.641200085301,0.279849839838,0.065299574618,0.223241583027,0.986734361298,0.652493304538,0.969381672662,0.975123477675,0.727229059255,0.767185616699,0.312698133423,0.763909342688,0.926229610795,0.580846291665,0.733900862724,0.351129211343,0.640748731016,0.410900115966,0.738050138056,0.778442532415,0.00963747684434,0.710862091192,0.344014126937,0.674276476957,0.0241420178964,0.208358130072,0.405656337765,0.182718522913,0.847939877838,0.694280048358,0.717036579608,0.439973967462,0.228106863855,0.255156014354,0.766107253552,0.364784790738,0.955347147214,0.188872036472,0.777315705819,0.155678728236,0.15514089058,0.673991036274,0.910852293708,0.174721173924,0.193956581747,0.688557628975,0.868223983615,0.982675484906,0.915460347092,0.874217695501,0.669443261868,0.351842752539,0.0599924721813,0.914505281159,0.132315484693,0.387952410649,0.533258895108,0.24363216394,0.914363923633,0.485637931227,0.758184738426,0.354487787281,0.462175785168,0.695440184452,0.436009963799,0.269340643658,0.486420057654,0.270753020335,0.0231405896655,0.808102456751,0.106039318587,0.67281434886,0.555962694214,0.393892901073,0.906281915569,0.648520939563,0.984448160403,0.546601387121,0.31517342048,0.322714232881,0.661500412889,0.974362171426,0.74379697536,0.0861547160369,0.332982641175,0.764021589627,0.510081238834,0.0531190375929,0.0808354830794,0.269129268853,0.716072970606,0.354296602112,0.539842072561,0.49324621076,0.656414483007,0.2323208696,0.622626083678,0.957252622741,0.801691338879,0.490117709764,0.852116369897,0.120359227894,0.66484505059,0.0463252218496,0.742055606237,0.174198115735,0.720299542163,0.660030856107,0.994893011791,0.0353900811085,0.564451899938,0.511828473193,0.524796096422,0.027190510712,0.838262986972,0.598470639356,0.22191486052,0.0812895434738,0.904567532629,0.873425607763,0.814537940968,0.216538206666,0.38540347071,0.962608304572,0.977021453059,0.265419909235,0.10709117887,0.72700095596,0.432880385861,0.609162545266,0.190154568269,0.390661115863,0.0403410697522,0.195690365229,0.286280463548,0.517156343613,0.984368024131,0.74219082515,0.824921669036,0.832872181323,0.209065739871,0.947001218927,0.928073389836,0.35803991761,0.11614498077,0.53156551191,0.265332605642,0.521295745823,0.798915078081,0.635184112007,0.764826996041,0.981318135093,0.702212514737,0.467059049313,0.369164639055,0.562774203559,0.0388879884019,0.0824458137296,0.494152718815,0.127137008349,0.577737049742,0.127967298041,0.518114587754,0.217936886723,0.670991422453,0.297936260869,0.826271868267,0.160968948273,0.227469022843,0.320835452098,0.371749731807,0.80339479538,0.205675966823,0.999451134872,0.411961439557,0.328601455187,0.778614725805,0.377916832699,0.413493148126,0.117782122387,0.611280020865,0.452116391949,0.278595845628,0.801340472418,0.420249255174,0.388999319751,0.767231598018,0.880162238263,0.32413774761,0.615121726954,0.671375102551,0.365305126046,0.334707602099,0.505961419085,0.464902610128,0.778601940667,0.2559309916,0.960044324415,0.112702471906,0.206836959119,0.237204710794,0.749850320425,0.579967133148,0.0703915968614,0.890519964903,0.534163576745,0.504873284704,0.146122450261,0.174983549296,0.657107669844,0.885622613958,0.251228804015,0.116458063192,0.524682915733,0.189803163249,0.93750947693,0.959557402783,0.66718276675,0.650829809772,0.626759512923,0.513070158788,0.591434981116,0.956307194425,0.105752566693,0.528590102371,0.420187446443,0.116561779036,0.639013845232,0.211154501286,0.116934276657,0.907631728632,0.955254281761,0.492897285087,0.742544416674,0.743863632425,0.0822307462181,0.417693887492,0.176860447443,0.591651087044,0.972984469725,0.948009889101,0.598025151374,0.0341500367927,0.0369597318614,0.6946920829,0.101765313928,0.964748387073,0.678267632632,0.304141613898,0.640492067467,0.831947565094,0.54647415568,0.461670869923,0.711696404722,0.84182792857,0.829646461104,0.443301284667,0.0866008225883,0.853202955837,0.594242801191,0.72678862809,0.350369670642,0.456589665834,0.86430652441,0.340365119159,0.201713376878,0.995477597756,0.372875376603,0.689852903093,0.297257361884,0.876159479672,0.227726212871,0.759802588535,0.588284211451,0.558572038061,0.103951331022,0.0834073911312,0.0774143552827,0.239125597502,0.803742893059,0.253192265129,0.507618328702,0.422355031138,0.44804706142,0.769442420571,0.621666742235,0.973224720458,0.817392679929,0.547922403286,0.397552598401,0.783171059359,0.573683812517,0.584297900924,0.904777927095,0.342326176118,0.721018375689,0.717105407361,0.974673381476,0.585086299409,0.649496603777,0.906458254873,0.142037710295,0.321534726366,0.392705479058,0.0270032750289,0.764488061977,0.67179157999,0.301847305886,0.109368170438,0.307669101911,0.469784580159,0.996425219701,0.296946203339,0.965322547021,0.220547966936,0.614781747055,0.170304434507,0.244438549716,0.830247948953,0.323031357835,0.249028255893,0.656655919837,0.402954484539,0.0913438212649,0.153786679955,0.951220834319,0.974135457536,0.0890525912094,0.678074220016,0.963748921192,0.983534419799,0.574416573316,0.835973085164,0.377574601606,0.785047367503,0.363584889415,0.771036524567,0.506854263339,0.0680217542815,0.89528449982,0.849473518226,0.400037693835,0.0708585858061,0.232963064817,0.276863210824,0.831953488973,0.715500459461,0.182239664335,0.955794327693,0.509565841347,0.391733757376,0.140746065081,0.207379036306,0.25582373489,0.708150395682,0.00640741726952,0.904910377002,0.471665157133,0.537458925912,0.86848802638,0.69860381118,0.512341612307,0.931230720387,0.625848039257,0.701914708682,0.225594792925,0.538471655587,0.216149040593,0.492576108818,0.162688506177,0.761304866303,0.707554514326,0.314910719826,0.249450714834,0.820419322379,0.192911241249,0.381557985886,0.565306874136,0.25043196362,0.450976551173,0.545086856306,0.736833160135,0.982294393792,0.891646295509,0.829482255445,0.593283432822,0.995514295052,0.224013985238,0.481797970153,0.349384336715,0.303175581834,0.793062969442,0.84669667376,0.703444497788,0.294412888814,0.418473187533,0.459084777167,0.322811510681,0.199119827237,0.652109729632,0.910676561664,0.14819914984,0.121126787833,0.129694294448,0.452679740804,0.654759156783,0.334099264601,0.240528241321,0.333244820239,0.157873596139,0.973299331734,0.0272823943725,0.325019989354,0.413637366813,0.443478293518,0.232115684518,0.033600183503,0.817868839219,0.301319913026,0.320349284498,0.109540524299,0.400177326103,0.2512807264,0.170458054368,0.487853876414,0.139737331162,0.757281268351,0.171626773727,0.623003533017,0.541506258661,0.346125568796,0.633967813784,0.726808694539,0.183753414982,0.0255823951102,0.489898724583,0.818585622257,0.518727874083,0.252173276685,0.0729321179555,0.497818291687,0.499120305523,0.968169093482,0.393041130442,0.542337978307,0.0461733767965,0.277607193375,0.113492009484,0.425328926701,0.715775610024,0.094724055147,0.914774746252,0.816424333551,0.125966996326,0.369044687897,0.37362103285,0.500197686912,0.043148580657,0.215494969837,0.915152768274,0.011509085863,0.314213721619,0.619469306108,0.562252848047,0.0916943400165,0.714363926569,0.854039716988,0.720594329134,0.476860247813,0.118567916421,0.978005073572,0.759507541835,0.674688792771,0.452898069258,0.820885591042,0.608799500171,0.893784773287,0.0548426509861,0.173206657781,0.26922040612,0.0449492974461,0.814071504403,0.565679276266,0.115366635597,0.105578177544,0.444924283246,0.577816991459,0.966861449723,0.502139318785,0.326225597226,0.491792332749,0.187189329363,0.530992757549,0.134707847062,0.568143872176,0.342904607736,0.432400890395,0.417034863304,0.46963977911,0.293971262734,0.664149558121,0.836599591938,0.642176782955,0.0430440354098,0.207862628585,0.488620918156,0.531659109858,0.599858510464,0.59609711078,0.378707023311,0.842842112115,0.980581730684,0.472918360023,0.151635049599,0.486033786627,0.067975769516,0.167931981224,0.531522027527,0.383913693144,0.785097810475,0.917576383854,0.669377339584,0.755007441144,0.78902155367,0.456908324704,0.255810050097,0.915781082561,0.0518936873432,0.510338457829,0.53711039218,0.513218367254,0.482035462512,0.727465990161,0.818523007077,0.143340196309,0.795621472184,0.48786110924,0.959416417898,0.519744609809,0.639153349718,0.83686021198,0.37521313139,0.149286390757,0.413325385505,0.677713706169,0.763307349655,0.108369130064,0.620820583568,0.853864679894,0.663083701172,0.691699013779,0.177695340426,0.280382866439,0.055781383659,0.247823007453,0.586780133123,0.590007850721,0.645423237554,0.592768944437,0.509687748965,0.179906004326,0.810989273601,0.0426370400788,0.55720796,0.375412879096,0.396507547699,0.426315928042,0.828644120171,0.621076077796,0.796052782364,0.834126620349,0.511414690693,0.382835642807,0.83845893967,0.393437823973,0.0915768379912,0.458760785344,0.440976522315,0.976600657725,0.779677477708,0.728478762104,0.554891203885,0.858175803547,0.70717218038,0.927931578479,0.775339110105,0.891881535457,0.0612463609337,0.938576898262,0.266232822003,0.750057552712,0.351392058463,0.642446050022,0.548329654649,0.682383773885,0.838821798243,0.182803787444,0.0177241667429,0.16208612885,0.688684580493,0.418720103598,0.32581419941,0.0162117767084,0.624840349602,0.542561193917,0.261364142228,0.155058515115,0.27697139783,0.111069704303,0.0630019884709,0.354257476935,0.713278550942,0.123207375416,0.189715591766 0.934695318178,0.917056048495,0.315761152373,0.0350832152394,0.79923147066,0.271699042602,0.249767258482,0.243255303312,0.511303645359,0.745262492402,0.0668464320123,0.909804858161,0.793591243741,0.156426876106,0.0500373590872,0.438351315342,0.172228587146,0.600416518588,0.124036310844,0.861307455375,0.86445986228,0.81973691803,0.032409962757,0.927228866107,0.397121510533,0.421751526578,0.48518334759,0.368094211188,0.952675057393,0.703780249547,0.636207155101,0.888417606558,0.125504767594,0.784929835817,0.577136751563,0.722471443776,0.736201659687,0.00129603777468,0.659489667334,0.193464565811,0.374370735923,0.941863079296,0.616350309779,0.710598782764,0.6524266109,0.75324376561,0.913348415898,0.0443332303261,0.831541338935,0.949830951261,0.840352821484,0.10079862534,0.522471465705,0.279270571502,0.255847938335,0.46375778617,0.526939866677,0.529052407082,0.714367749603,0.586591990726,0.774896695579,0.196547133641,0.0324301830939,0.730009109736,0.264749740381,0.94754004588,0.412917477727,0.00457092863442,0.267887410674,0.237291462191,0.766089962336,0.935647989789,0.470203199363,0.958607446077,0.725769141431,0.562714244928,0.0681267883985,0.466797995592,0.0734225871977,0.212575858551,0.236340162071,0.237137447072,0.844445128216,0.577062242623,0.00739820453784,0.746188151915,0.246631003208,0.803128382437,0.712279114664,0.920696722683,0.342254933291,0.666930356269,0.803893107713,0.247929425475,0.35604563152,0.776625797415,0.496227525144,0.515464096687,0.560304141862,0.402808050918,0.531600030414,0.512858423019,0.776781066488,0.452424598702,0.0207622337265,0.931938265197,0.335793758393,0.915253891302,0.247793123957,0.0292919917531,0.500107716757,0.982495298031,0.867578459434,0.0164808639855,0.377324725295,0.417878410153,0.319685361455,0.541072186273,0.558996492544,0.172676260431,0.971450542095,0.649300026663,0.270135748038,0.164598617537,0.00550690309065,0.041459238773,0.220819381981,0.121009751649,0.0651996642698,0.286843028626,0.491226588843,0.750644216521,0.143895809545,0.632358506828,0.800118959085,0.899415726991,0.14157318839,0.969024508958,0.716779342432,0.601056302663,0.482667884926,0.444238279685,0.850528406038,0.466180475424,0.753155019646,0.790533908841,0.392166244608,0.971748180372,0.39282293914,0.579670119053,0.468786005073,0.102741727593,0.646484952049,0.803694651396,0.210857962891,0.320279230385,0.245034559401,0.453648439222,0.417762696569,0.0754880168488,0.810717370995,0.451475399622,0.586667827374,0.208892617818,0.180710614384,0.582735678667,0.0227460620582,0.498775788409,0.962388092016,0.23835898533,0.616822230665,0.917380418274,0.0298297261555,0.50279034041,0.651724455169,0.134730327451,0.255084251235,0.706444398394,0.684275700587,0.138472363881,0.575907781131,0.469279369183,0.0824719358863,0.175946336097,0.396712284472,0.691741838513,0.237503152031,0.511115589435,0.896685824592,0.231407155853,0.802375000587,0.237276070732,0.163766267658,0.967154056276,0.833870674695,0.426665279698,0.857483351086,0.673172100167,0.338827146367,0.150782902203,0.0923579277638,0.572844701972,0.29999709378,0.127372438353,0.688043113907,0.229102633334,0.0639947212047,0.805048044699,0.545666861987,0.886348856422,0.267132500108,0.215781152026,0.623968659966,0.839823184065,0.792964399001,0.222486351889,0.720506133843,0.599425786728,0.454147478726,0.292349075603,0.33994895664,0.56062515053,0.510472500169,0.766799050895,0.817621914668,0.802822061217,0.882092469341,0.964274446362,0.580168219525,0.50146041652,0.221660156558,0.714020951514,0.490710254071,0.771989447995,0.0950408234755,0.30735844146,0.847597905656,0.167893796997,0.0630125132084,0.898022764158,0.365435011826,0.800025826517,0.168084473061,0.00361291853076,0.353719845911,0.113733432872,0.406728515142,0.468911522528,0.10101589079,0.931381880282,0.647295452091,0.587697285516,0.512423949605,0.175050697735,0.655716806447,0.0656870657835,0.996710227959,0.653597345144,0.504335027787,0.515607472936,0.181674692538,0.263845821369,0.903605428472,0.971160419672,0.124280896726,0.944157335129,0.15809951196,0.225057171156,0.699619724213,0.993758963446,0.207937701717,0.230390959269,0.742007367265,0.136100680295,0.549656529402,0.0467294308894,0.669339005692,0.725708787748,0.41383037272,0.433217131502,0.13780738766,0.562873866391,0.591771868598,0.16431205342,0.782175429701,0.749382332352,0.821994694131,0.851219195461,0.695480993969,0.24297030654,0.817866258684,0.157625038025,0.807692549061,0.337688920022,0.686723072459,0.448314064529,0.180908693907,0.254722716892,0.384495246464,0.430157305421,0.815779685487,0.142738012,0.0485367032206,0.949836682695,0.515474044554,0.811940642034,0.522523164835,0.834148369383,0.141101847973,0.182350736726,0.653835020436,0.655963068289,0.0338067486745,0.623839836492,0.0494687323845,0.934702079853,0.479515615014,0.889831477094,0.790771726545,0.124862454785,0.731840217642,0.241336729155,0.498772859496,0.695213915121,0.538410920273,0.446176247051,0.116018480947,0.200097135777,0.669674285715,0.175008943034,0.546000729235,0.485293547552,0.646629767091,0.289359998862,0.929620163535,0.754725438443,0.836753132432,0.748129817381,0.469031486216,0.278048468758,0.0904118451623,0.693528369452,0.787107772254,0.682647837118,0.991765155893,0.515502090184,0.252673041422,0.292722353771,0.563885524799,0.194176136871,0.0889797937114,0.634118627173,0.017372941149,0.10576189983,0.925410597362,0.55812491606,0.770256857743,0.718531182037,0.0782337948347,0.156917335792,0.93570824746,0.942462881721,0.893870372882,0.855904368947,0.955785616382,0.10053996507,0.706574010551,0.790079377181,0.899778734823,0.816979150486,0.129778814596,0.37983510194,0.772560034187,0.19006289423,0.706899156068,0.116813080758,0.247527787485,0.926902290696,0.65857835994,0.224928774989,0.394750278199,0.118459934156,0.423318691754,0.446810422542,0.147407340891,0.436217539135,0.128698485519,0.14503018027,0.996279715251,0.869303275717,0.644866682839,0.365646436997,0.224955034179,0.610209447853,0.76745031318,0.829928990161,0.39232639567,0.743704056905,0.688769965503,0.20139414191,0.158026789049,0.93643662725,0.473781271119,0.796799165622,0.483987150843,0.071626148007,0.83000565214,0.167533768713,0.334156094864,0.284894963697,0.371560479585,0.72523292237,0.191560778302,0.629630527159,0.0400647927766,0.527462926057,0.121201897378,0.0190830592392,0.663641083618,0.818608429442,0.951327465751,0.71763072951,0.235566786733,0.162704178539,0.397299599673,0.44526987594,0.536365226665,0.51305690532,0.952992006253,0.153945270528,0.504547798744,0.200311244043,0.209845478962,0.613269098542,0.480530033886,0.114106300021,0.469790564463,0.852341404919,0.261090016687,0.279213157807,0.922777327677,0.0324838142157,0.651404188554,0.474593785363,0.671402654554,0.951510428194,0.346967725663,0.395399558055,0.252770539184,0.284272056144,0.251873760324,0.50981889689,0.108438344483,0.650813669556,0.767849475382,0.696964051043,0.43324137779,0.155257090794,0.399699495104,0.590388091183,0.302649893287,0.71444379537,0.885647902888,0.199458461819,0.973562893611,0.598238870437,0.922455474514,0.521331686272,0.561108514857,0.938755696992,0.760524758336,0.437272956557,0.852981726862,0.820924521088,0.882045586439,0.239442174796,0.341748837632,0.771406756474,0.63652610537,0.998503280725,0.747671308171,0.540756414623,0.300010303894,0.786092765798,0.310073869181,0.553827781969,0.985536980826,0.977532751491,0.179299522612,0.253482707175,0.979090803778,0.491567023439,0.923164014747,0.177608690885,0.511539800089,0.622423692491,0.482723405828,0.589774930863,0.856278837349,0.00153692457478,0.555916437861,0.194449639744,0.970761205047,0.760155438134,0.58395152449,0.851411633762,0.390376117705,0.897121890152,0.303121454626,0.609877926509,0.817947775045,0.105869310266,0.845656164624,0.0565550701567,0.597811265114,0.359706442105,0.236565441478,0.0186595595289,0.161512260478,0.948574235236,0.323130913203,0.0126236800315,0.679095107404,0.806649030238,0.328985550714,0.69001335128,0.438736945655,0.248450140104,0.221837585936,0.298748307894,0.424797663844,0.730219064265,0.957438742472,0.207618371894,0.575613438143,0.79023116349,0.218205863816,0.462314073486,0.433641949507,0.42706892847,0.226672300062,0.0778252085811,0.477393793823,0.706286457426,0.595050429981,0.998533741373,0.126446542678,0.356385030746,0.570673793639,0.168765448902,0.701261239449,0.719833411716,0.400829646512,0.449398018974,0.598382155299,0.179460741323,0.38939272534,0.0433546010303,0.18739086979,0.906009423167,0.696302927044,0.332011649774,0.049573516731,0.834612571105,0.942521899662,0.923815137892,0.62440153279,0.337091727599,0.588800678308,0.893240337067,0.535489476932,0.351805735229,0.864543597916,0.158713037251,0.376574209676,0.750379901548,0.333588842925,0.168250151071,0.165628727324,0.321945248645,0.860596375049,0.8073790831,0.618367522362,0.889157791648,0.24168319112,0.118912106882,0.816460376586,0.617393091281,0.898299417822,0.928988163353,0.666212273295,0.459442677863,0.458711230748,0.367182635008,0.0972910749027,0.212380422933,0.221477092436,0.18283828191,0.330975830694,0.885388157491,0.971257415858,0.493715031291,0.537123339829,0.435370734668,0.63287967739,0.858024981145,0.95614150074,0.242353835809,0.884927697841,0.249172125738,0.49704968929,0.764652272222,0.191646139166,0.262740699769,0.364309744164,0.661488884538,0.335782376255,0.0338643759692,0.588863188721,0.73142296619,0.756053407053,0.133983899948,0.073260280411,0.496761673786,0.129631176292,0.24433769981,0.989650418822,0.337459007219,0.400122954069,0.0573939824617,0.576987954093,0.860871408248,0.458223645864,0.0509581254482,0.335529957227,0.77360163145,0.638845812132,0.0885472070861,0.89573160241,0.801995537839,0.385829567036,0.892339888719,0.290958486085,0.572263954521,0.521607620897,0.0703102461716,0.800555006322,0.0838157768521,0.16745977889,0.616975067124,0.107515797208,0.923282340552,0.535041664946,0.493947130157,0.522083100591,0.712022659349,0.479872207568,0.735833436552,0.986386729788,0.457229752313,0.227972465122,0.0138108896229,0.133063417461,0.690325578332,0.582884845393,0.465779475564,0.491197744372,0.0967153148927,0.277854595543,0.898424631651,0.362208562493,0.9490759949,0.426178757676,0.649094236847,0.791022024122,0.445125207467,0.389042517905,0.478559015037,0.53469609825,0.0873369767833,0.06474242139,0.225385188137,0.0359066985805,0.661193722387,0.147118362663,0.717252292309,0.938951257954,0.752092536038,0.632579744961,0.0153133618683,0.573816594057,0.220556004288,0.790839941306,0.344793532197,0.84399816322,0.923225990661,0.439643161631,0.411874893361,0.418343339157,0.719138296904,0.682335064628,0.663917673807,0.546339251052,0.307615368954,0.590933461997,0.520334421871,0.648570442498,0.597325084406,0.62848732568,0.149977668916,0.929169794911,0.946957239764,0.726837910695,0.831987805667,0.0469523160219,0.760658276321,0.732572367753,0.418665661258,0.0714910751255,0.630284497476,0.895567472058,0.833805629853,0.10755174344,0.0299177538269,0.95878743478,0.830170077753,0.875840513387,0.765776165751,0.676761153946,0.964304898334,0.0244696772773,0.975961212222,0.643602668099,0.676618425578,0.306378545397,0.267722051279,0.102631235814,0.980041912475,0.284410043454,0.529339101133,0.0487213539385,0.966242574392,0.350677693134,0.0940659578801,0.193228584911,0.99879645236,0.116137517132,0.764044947526,0.162701893286,0.399737873074,0.359453298451,0.743713187873,0.333731095786,0.436299337951,0.703834769714,0.833627913474,0.967761559797,0.588032835513,0.942557643406,0.927535512213,0.587221970185,0.505922166422,0.462234770071,0.347519154378,0.960173394545,0.220740377706,0.109001408635,0.0262337415868,0.019742086192,0.151236605092,0.845740304445,0.0721338713803,0.796759098109,0.145539009981,0.402948182287,0.635443373611,0.848486649727,0.241452348288,0.623247318515,0.81706396283,0.11101901496,0.764180223039,0.888814662767,0.899049214547,0.758621899429,0.5817125408,0.463481408458,0.861018284418,0.769440358391,0.433012515921,0.529225080845,0.827562126837,0.174066388909,0.927097983004,0.937234524637,0.785808857158,0.901513649937,0.749237602167,0.366066164077,0.388889828482,0.395063221271,0.0362259582142,0.712955544967,0.436941837863,0.959753780304,0.780036198973,0.106543160339,0.0495301413377,0.934144446775,0.379576739613,0.509072881932,0.509243674364,0.137997615611,0.592847289447,0.206558273429,0.384390800994,0.202462378362,0.956443856113,0.433887256728,0.556623991644,0.79646390439,0.529673277657,0.167254351679,0.21251468341,0.575949070258,0.641903186825,0.304736577197,0.52556893621,0.591875676427,0.245772625131,0.501017055873,0.596162328536,0.849547150935,0.707234832442,0.890625712728,0.635984409809,0.54604150339,0.733397271047,0.381332901432,0.86767594243,0.72161086749,0.514363868045,0.56707040059,0.350726165055,0.787127115665,0.502337048425,0.838449674859,0.616186039285,0.442572785964,0.615740446731,0.0299138304018,0.700874358036,0.111993693726,0.444266644079,0.636610021239,0.990791953796,0.262417284984,0.460379125334,0.709720616345,0.327787810617,0.937708624149,0.550613616484,0.00243405228247,0.435482863145,0.965822233754,0.920960352187,0.821120526778,0.286876072626,0.607431008078,0.178907297684,0.97839871379,0.41191450073,0.950358697344,0.856978121643,0.844929745939,0.158572027194,0.801293863683,0.539903524373,0.40046642096,0.866369961666,0.975752476592,0.646593978515,0.0728420624659,0.377798928788,0.206133557603,0.20092157628,0.466249884044,0.766634008193,0.0407379523459,0.750146073439,0.356865685051,0.0979898191838,0.119918212433,0.623609267166,0.649094838648,0.994698265447,0.662432325702,0.0235357904894,0.604105117631,0.983926579442,0.228640165554,0.359850840228,0.994965166817,0.682864661005,0.781369410347,0.226770822989,0.85875810634,0.664588133632,0.0697010546336,0.578251921794,0.924443224103,0.0881671073988,0.283136580421,0.0503893473289,0.0439507651289,0.888920171264,0.660539046672,0.215226150728,0.597264873915,0.450486369912,0.870223906727,0.598874936885,0.148689362095,0.657134544551,0.771340834854,0.32325690994,0.725339904212,0.198610757405,0.352301819528,0.400029021569,0.270226343521,0.926360931865,0.958600097703,0.745129537012,0.666406093643,0.800177076532,0.134956438333,0.115003516585,0.145347683053,0.040058729255,0.379972469038,0.531176685359,0.158383064981,0.961093810835,0.448336281907,0.200933146828,0.00978573753536,0.523947009648,0.985342749695,0.931335354834,0.134724692417,0.0693512905215,0.126391367471,0.0248570635784,0.494266715955,0.994911897732,0.251725486633,0.139641176334,0.595671242228,0.829817237838,0.429220857992,0.772493620767,0.241676228414,0.83823282491,0.672619822938,0.313342313742,0.842622084734,0.752268213339,0.1603083186,0.0952915204118,0.555959849969,0.752429774748,0.610933698586,0.465919266427,0.537354290367,0.745717174086,0.919598874466,0.959516815678,0.404268230021,0.226421857367,0.402757950195,0.0807032645229,0.804840734667,0.521027916955,0.0740991683136,0.446738701209,0.995060665258,0.286526654395,0.575739993472,0.643161287702,0.992577925151,0.930871801236,0.130752784304,0.603496239042,0.543905081392,0.0856416243828,0.9183105309,0.22389391018,0.655662169922,0.0901059776902 0.834536231504,0.123249332889,0.989700556831,0.667516920241,0.330461597656,0.70902623153,0.567101572703,0.30746312314,0.976135147743,0.458052256974,0.155506060431,0.943327980721,0.316316599662,0.722502849618,0.739493527086,0.963698545974,0.623735796732,0.332225173439,0.259787021782,0.00216340836774,0.0640971804505,0.531997853336,0.327562589439,0.230023277011,0.367582109768,0.214607540896,0.763313510178,0.0759608826083,0.23062012008,0.488392204906,0.955615087139,0.620361986151,0.361638778864,0.749337154777,0.608269163184,0.343603912182,0.585586907575,0.395615997877,0.437303248823,0.188314749117,0.593325573605,0.239597321306,0.495820522899,0.296877280133,0.746823907913,0.317726423884,0.158075202617,0.826293315956,0.779839241013,0.500962165179,0.941940186286,0.358808772591,0.936802113921,0.439707407317,0.952201963464,0.296118733029,0.494866102704,0.49273086955,0.530578260965,0.937460896154,0.201617259828,0.958742079114,0.739970060372,0.237416622511,0.790232090185,0.529537289842,0.870615533342,0.367998775543,0.352898407706,0.577820846812,0.854578255346,0.94343027978,0.526165800923,0.132597560173,0.988019618705,0.400307259529,0.592845548259,0.207357690622,0.503081980696,0.504381841453,0.0154346159305,0.722433211174,0.384096232044,0.792225164248,0.814033847289,0.0795705771945,0.682397483339,0.551847721505,0.481848513554,0.854297461247,0.85016947933,0.637602176012,0.197432034108,0.931548976348,0.998166870215,0.222178625136,0.163964478333,0.848742898749,0.412516907865,0.0279315948877,0.15531606517,0.418450297726,0.440590575967,0.76068513348,0.953244829476,0.567719299859,0.20953299895,0.283379851652,0.379735410229,0.0229269873559,0.370076968379,0.170777122713,0.934094712207,0.704856769504,0.188262059862,0.884182103688,0.298672384483,0.424706913479,0.985289063726,0.0315073951215,0.711018943178,0.0571840921538,0.00707636280309,0.308202373656,0.192188387971,0.801323072127,0.758180719502,0.410296330443,0.0703821452881,0.607842037051,0.996836698768,0.0858426616322,0.786178252944,0.711195454365,0.641334634778,0.123949682547,0.106971394442,0.421115303055,0.0816748171084,0.334081570596,0.409930408242,0.0880236082145,0.655600420519,0.187972109248,0.659221371863,0.451467730487,0.262907020403,0.678505422718,0.325338665212,0.222376961369,0.427142581594,0.80017973917,0.204020272061,0.52803815971,0.220184464544,0.802720274851,0.746584756186,0.890197439683,0.676699702656,0.252060835034,0.514706074227,0.424476491347,0.498605652499,0.490447584182,0.802751864085,0.848269221527,0.911503035305,0.16872665197,0.0734862522651,0.581394588628,0.238239489974,0.855632035866,0.870566490162,0.071286076965,0.574472593707,0.607517238016,0.397684838279,0.0630838992485,0.529567997729,0.900871006948,0.625722214131,0.0015732410705,0.568203179645,0.857205154556,0.0426205708879,0.96387365318,0.454744401829,0.197201112944,0.9111568553,0.507576410366,0.565253922191,0.750550037215,0.0172791212409,0.436101511006,0.977181013067,0.981028294894,0.904748415305,0.5229980371,0.578547002393,0.916893345179,0.672844509983,0.478294596178,0.554817813579,0.0345243147606,0.607691308062,0.961127021856,0.881959758387,0.956228764706,0.500555957426,0.654627516897,0.602695004965,0.0085757435576,0.0190584964664,0.745341461157,0.816468793438,0.723675142881,0.51470182687,0.271038683785,0.741636164386,0.478593404191,0.587099698246,0.208489776269,0.686658443351,0.119295637781,0.287930819316,0.838192499502,0.801638833275,0.5514668268,0.918084471195,0.725780939821,0.144392065496,0.608950649932,0.349555419554,0.423617792656,0.661395719303,0.937025988212,0.801673600847,0.725478973468,0.807772459299,0.783627239164,0.277943869854,0.919760250608,0.585434318485,0.0443438049856,0.751127442144,0.568931600983,0.381657708654,0.651981789391,0.511571322954,0.807870819965,0.581443707616,0.931419347244,0.729495010115,0.922697180507,0.495540452452,0.420544084703,0.396361021535,0.611948645643,0.415174875982,0.559185596539,0.790574879354,0.470932244968,0.718316013052,0.0463190595723,0.552305146218,0.559269505418,0.699323997266,0.231873151238,0.00322235848159,0.960338748299,0.0151788621893,0.480170454293,0.278115604891,0.868713762887,0.911044903318,0.820541756822,0.74255182195,0.300558725875,0.0346465902957,0.602655741714,0.912647488418,0.599177923657,0.225594633305,0.158518589469,0.417100896568,0.543505940163,0.439509940024,0.440626879949,0.00811658974649,0.255539540753,0.737453522188,0.221645023625,0.337773576074,0.737444679327,0.661672177918,0.614225584831,0.6124625657,0.0653524543818,0.784116878961,0.994129248286,0.126952930856,0.350210200003,0.00296943145891,0.208377914124,0.21827589793,0.83411172967,0.589406979259,0.126679744257,0.429533668506,0.226515584471,0.158057156046,0.402396652825,0.649118512101,0.787370932094,0.0849900081771,0.607397682737,0.444896614054,0.427965803939,0.697903166497,0.957194826831,0.0718968872282,0.912969722735,0.537624317958,0.318198980016,0.142150208856,0.312510118775,0.291970378231,0.947727400022,0.609988673588,0.462535063098,0.653044986981,0.0698769942543,0.461193442933,0.0227759607112,0.00772993467902,0.660419239948,0.90828317021,0.575951254787,0.32182321408,0.932601907118,0.305786870398,0.149495103342,0.979372914845,0.372089560969,0.602029748525,0.554326922841,0.00363802978189,0.683901025681,0.140381792757,0.402723155601,0.22380199358,0.488736230693,0.394378543051,0.470158566573,0.944832277928,0.934219166159,0.196676728218,0.360958837071,0.0881454972545,0.95194852269,0.0938865270475,0.71873785484,0.309876639467,0.459269435925,0.73329361821,0.00197822024816,0.649418297152,0.223110885411,0.206884388819,0.67314558378,0.707910613568,0.107233601876,0.896381973104,0.949287424847,0.46743257547,0.676085013179,0.224108232164,0.682717087655,0.46708028943,0.251279458353,0.248535342,0.874555711868,0.569620320197,0.216871356685,0.419498612459,0.101281063821,0.504101560394,0.149402922259,0.258134297267,0.618361885827,0.8950123367,0.464887909558,0.807841252497,0.647946607333,0.571961740353,0.204136613718,0.72189348188,0.337873280047,0.351190238658,0.708738865641,0.747716448506,0.763377586417,0.574372157047,0.485086224469,0.47053087532,0.858956176159,0.477374483787,0.580528165838,0.967849365993,0.339601811107,0.71785801181,0.457953642998,0.932003085973,0.666379428612,0.696684983244,0.0343812149436,0.780639726631,0.677700099801,0.246182047428,0.957702095743,0.592295484542,0.333681155078,0.979182682186,0.35315033528,0.689258625119,0.679813595673,0.771567423657,0.0738099362584,0.845746781603,0.990334535697,0.348208607695,0.980334296357,0.427630249379,0.497765937239,0.679457642076,0.857810177229,0.850463659278,0.919520973226,0.666955851746,0.0632641472244,0.198787209077,0.409632582583,0.310034559692,0.300359299529,0.74712635507,0.826967904434,0.852429268353,0.994869165958,0.706640815976,0.231818401285,0.372200041424,0.376042417232,0.380267957319,0.651095614701,0.678485041726,0.587188844975,0.550605510108,0.0656084518645,0.0103823189879,0.401712122451,0.418361143021,0.318815550194,0.288011294288,0.213179370795,0.984961828291,0.0261430227145,0.766997510669,0.250504306509,0.463642374364,0.921004185921,0.349509601662,0.409224332152,0.0651499723921,0.0638276771564,0.647069354368,0.613514482505,0.538319231373,0.930240020993,0.131015481998,0.358395383579,0.64054995921,0.691639086939,0.474328001651,0.701469687119,0.728973923928,0.39602922527,0.50029129648,0.862045563881,0.668248395925,0.719348866897,0.43318536449,0.0632050787938,0.922066820866,0.540220069756,0.559588112833,0.225401482046,0.00427964001738,0.335491157722,0.485627996943,0.933695303648,0.463123515772,0.89223760344,0.283989163421,0.15298684477,0.971360084133,0.996219192114,0.393958615566,0.982135006368,0.716273962168,0.369458979592,0.0931315362635,0.764490098387,0.909670330329,0.851233650332,0.384021527594,0.212751734598,0.746157881345,0.784894283469,0.67039915115,0.55281373287,0.946279558813,0.768661347896,0.672650084896,0.608887072014,0.273335979166,0.812633366085,0.00936118282126,0.809066270533,0.909751923178,0.262973845045,0.452899348812,0.631220181517,0.97902862961,0.392896688173,0.696448699082,0.703968898987,0.149688266612,0.642539232919,0.538679218443,0.684130087839,0.706892004429,0.441459380073,0.2521625036,0.22480898656,0.279770671129,0.643828898658,0.401160740303,0.645319238826,0.0440480451498,0.365243259737,0.694810656759,0.61455967955,0.733498822574,0.315606683212,0.881292524477,0.0526776144285,0.996884226503,0.231202152185,0.635243394121,0.759000758998,0.737492285036,0.160152705786,0.540200350425,0.463547109352,0.339360616085,0.595160561881,0.138910437122,0.141995522765,0.493605651627,0.228691101311,0.242686759629,0.0291332497763,0.283658332261,0.462844210039,0.290518525822,0.72739504852,0.11724085936,0.372669226863,0.115355422117,0.720394233968,0.984234725658,0.53163074473,0.896576185762,0.966775857313,0.80554872672,0.414283115053,0.88856515895,0.261056310247,0.906262859848,0.451903799149,0.306217199854,0.715451743319,0.0927504106049,0.883321666242,0.0235274339298,0.945318661865,0.771878715722,0.918951201674,0.412787946732,0.0545049307036,0.326102228096,0.224780654697,0.855947735628,0.922624781342,0.360390003137,0.337401843578,0.776465573651,0.973271854458,0.538214017902,0.499137749574,0.333741286338,0.594003839771,0.73861160996,0.979497816389,0.20804705672,0.612191374586,0.325880191625,0.60450004618,0.238717521962,0.494631022711,0.590508468481,0.981891905486,0.0837024544044,0.647248963894,0.566336051204,0.240628623878,0.0935757155931,0.692242911833,0.52127967359,0.118131189186,0.999631285005,0.806853500909,0.658141723676,0.89402072455,0.901597122171,0.00258427903785,0.199883077132,0.911683133124,0.021493164543,0.648034245733,0.959964515962,0.162834555233,0.578977759146,0.857573288245,0.507367790001,0.273907441684,0.874680861637,0.181601633374,0.39726647244,0.219776114332,0.275212716169,0.743539974286,0.361147621421,0.582385826773,0.234651791031,0.682779150516,0.458550957723,0.892943747667,0.864618766417,0.625138682862,0.93601906543,0.603225112141,0.628203635748,0.341324937073,0.8719480569,0.540535090173,0.928881834338,0.545493229297,0.316109296305,0.0992365613778,0.519948536961,0.600162784643,0.805204951877,0.69517766037,0.584790590269,0.400647417421,0.997202063898,0.888188853051,0.519263936855,0.464420592911,0.829014642143,0.251017330919,0.302069940706,0.641493489333,0.36987199573,0.510118800478,0.263416792515,0.33958164245,0.775214504343,0.650001973037,0.341707380768,0.812016527121,0.486374871233,0.168109327902,0.754879530606,0.364302969964,0.706178325598,0.34074109223,0.347519615852,0.384477562787,0.513709855239,0.14024428222,0.206797534295,0.548393030253,0.646651905001,0.833256120927,0.681013320633,0.0734877074517,0.0889681071204,0.931523518507,0.847708474985,0.941742952636,0.0246071047867,0.624163303719,0.977458858228,0.0543068311602,0.871534077954,0.345619874884,0.757787744393,0.0255509822099,0.649261691426,0.385802814128,0.171711120161,0.196407826114,0.229039570767,0.390043769204,0.822532398742,0.830333965651,0.50647659758,0.0654020454519,0.384977050296,0.179559997446,0.810131093412,0.67307056733,0.0147025884005,0.591398139692,0.429235279093,0.739732933418,0.827726935104,0.369299552079,0.323881593345,0.542651360569,0.139558109649,0.808420699818,0.0673457081605,0.10732042871,0.862372949182,0.0147681271578,0.089933685898,0.555444702934,0.994066183003,0.974248106317,0.413970593385,0.0158965401491,0.138808339569,0.889449260236,0.866963372083,0.01475690761,0.37976623012,0.650299233732,0.921654422241,0.580674709085,0.299930111937,0.824833720294,0.718591126412,0.998942269891,0.761837953964,0.348984614643,0.666546839423,0.986669843765,0.393183867196,0.0243813538195,0.847610825352,0.0890377403408,0.160182320294,0.879519183065,0.559804869338,0.328780936254,0.104266460666,0.312342120342,0.117266549679,0.823953922694,0.524973694378,0.216469244173,0.76209841539,0.950205790969,0.860384206677,0.379359064021,0.639803119967,0.171207249427,0.796982682232,0.397669470234,0.126583584101,0.674489923853,0.104213680864,0.319938567855,0.260500007454,0.468082686629,0.500251510614,0.327071378812,0.0749739473755,0.526965153839,0.859597926508,0.247435778766,0.756259226872,0.467717438758,0.225136072888,0.728504397694,0.584941447042,0.166716873742,0.164955924194,0.859952815359,0.554904101221,0.499643567414,0.304292048671,0.286184679608,0.561634980917,0.772588056601,0.678289549441,0.445867253293,0.505955619944,0.356823243715,0.26591358278,0.561347705832,0.63007750323,0.737372577157,0.985119968472,0.74534491004,0.501045368723,0.314916185227,0.8100807117,0.826564456064,0.164936456199,0.354927503015,0.849834740639,0.924963306533,0.173325447878,0.311272675522,0.32942580721,0.560019574446,0.920092893418,0.77281242232,0.297537987288,0.735166004895,0.485643371523,0.174514529767,0.398859130132,0.645667626637,0.736105632271,0.0900121456106,0.90277072144,0.720628014877,0.137458043919,0.843476292843,0.668488455757,0.182135594133,0.0602774169443,0.0928561576472,0.456065302018,0.0249418157054,0.737223736014,0.75446890806,0.48285937066,0.496010524347,0.935029071448,0.691478262568,0.0255953529134,0.0476634707566,0.923088320825,0.264688471082,0.384404758328,0.72925297524,0.320689709009,0.777756814624,0.89351450373,0.182037890789,0.258346630684,0.248393546575,0.372691802746,0.19322730663,0.959892814377,0.37886467421,0.974154220077,0.891355555748,0.088620055958,0.59165638033,0.547712435435,0.950840289986,0.181855084744,0.83903261523,0.72574592902,0.256402124757,0.494419905557,0.60022390271,0.809473967879,0.174155798883,0.895987811543,0.797207871259,0.631658491932,0.418711829509,0.000268633860762,0.577894510995,0.464151737101,0.954824733086,0.0507626005104,0.271875572043,0.463316744179,0.77995419356,0.023523762097,0.271306987426,0.555008420045,0.889513798326,0.881628826444,0.625470338674,0.00128404075602,0.479501497895,0.339194063814,0.520146064669,0.875742363727,0.00275605977066,0.702128943408,0.33584742841,0.87094680256,0.811727672354,0.545992426143,0.112766039434,0.896964384141,0.654630116917,0.393109469118,0.668980368704,0.0307707436166,0.0656993290534,0.973933191653,0.0160807301157,0.703276314581,0.776322470814,0.670244065239,0.222742948464,0.165740712825,0.368699558031,0.195859487019,0.875416602598,0.0816948228474,0.427559799438,0.944105971667,0.324989061995,0.160538730459,0.539965984076,0.647528174735,0.163874543679,0.728187201707,0.0567141049802,0.965490605532,0.396701117527,0.775223359985,0.923360067832,0.618780160621,0.62706516699,0.482503922722,0.320341678425,0.843047438625,0.539419745615,0.170472839506,0.578570432954,0.988950822591,0.50585107381,0.187220573303,0.627456250394,0.211388466357,0.130208640318,0.932153795998,0.551128094398,0.614754292128,0.75455755126,0.293685586931,0.915110587002,0.384523956541,0.391578860544,0.0260050908265,0.77190442587,0.745213557055,0.34706132866,0.281604117231,0.0994657684266,0.717573631641,0.444748149624,0.518205986579,0.921494509794,0.879923712157,0.271987512877,0.824518558517,0.44491567292,0.883219378392,0.598676773567,0.652982150028,0.670879466044,0.468973816461,0.193142582834,0.708054228865,0.240333026411 0.804482050469,0.566583093309,0.237407774884,0.279386565246,0.115509035934,0.203373646679,0.16939468319,0.667161028996,0.162801992377,0.282954935681,0.0279808941567,0.824719703343,0.669875920932,0.657138491373,0.909964748771,0.363948557999,0.691299713144,0.575449457431,0.0709664589043,0.696049577609,0.413477514496,0.538604365177,0.407532723126,0.250372084114,0.266942149418,0.124547275947,0.869545323087,0.690650085069,0.232139063098,0.501815115627,0.318416594696,0.365360789978,0.401446605746,0.458169788316,0.728652587836,0.55847118954,0.843930521887,0.68600752273,0.875925265573,0.780472998078,0.978839931702,0.121036863543,0.311950188148,0.707737187658,0.924858180506,0.635743261788,0.811262314662,0.218518802765,0.13258754552,0.132498227997,0.767128120982,0.760743679175,0.899111883652,0.624621816871,0.491635292296,0.602143474299,0.52241980609,0.30548059175,0.439522974228,0.270526677864,0.353137434619,0.516852056184,0.120005382651,0.170395011332,0.377997665797,0.0744207934918,0.645643833829,0.358049286041,0.260070840329,0.285115256409,0.587666654332,0.843976064733,0.980986625009,0.711136537071,0.794030235303,0.433537374248,0.235089648416,0.500957109925,0.400580940727,0.732919229835,0.339622781289,0.428354825551,0.245872455455,0.641443465772,0.864518895185,0.558233286552,0.430352683505,0.3227441715,0.913339655676,0.995819099926,0.986707394195,0.491554479199,0.0772567134811,0.0808497025869,0.459874196919,0.49197600349,0.3396786527,0.808343122877,0.0411352036378,0.960120486285,0.944063307636,0.0469769984444,0.700699174467,0.878981351462,0.472998094764,0.792151664273,0.670798333785,0.46793376163,0.775271207141,0.908074101449,0.660744293349,0.45485258843,0.320225222734,0.58234144248,0.400782653087,0.296060228799,0.890989053614,0.199589492696,0.23468933239,0.538774876735,0.963016339747,0.415385666617,0.418355026629,0.577092707592,0.423181863204,0.637856866611,0.752031021956,0.0821116804774,0.867830932652,0.744011358508,0.301245615511,0.0697602586515,0.91584992156,0.843974604588,0.609830424081,0.13252249523,0.382942553093,0.0763688570861,0.0288204437152,0.162327433287,0.993090882913,0.835048092279,0.417849099969,0.33484998547,0.327700426892,0.555746705927,0.537568590578,0.439704340959,0.495903091145,0.762028663773,0.308014090863,0.372205013591,0.29667447256,0.964817103196,0.677655864354,0.863374588289,0.905938110086,0.0691065636461,0.275740408914,0.836226051128,0.976434558268,0.444192704328,0.0788205083361,0.945739910754,0.336872338838,0.295647814157,0.0733810354223,0.0683328353546,0.491219049916,0.3421446877,0.52537885775,0.965537281988,0.648702295266,0.613055178497,0.901262859553,0.592717522524,0.683639888641,0.357207510273,0.734671399767,0.174668481582,0.572349551918,0.552010325892,0.696370679357,0.887376407704,0.892524794231,0.7179239452,0.319159462176,0.736816237132,0.813720399192,0.869865824742,0.0737433814588,0.79187283744,0.771351688393,0.955888487481,0.510693231863,0.874969615062,0.389359519414,0.599439644348,0.568242177165,0.68025221424,0.0365250205465,0.35370999687,0.960115316691,0.69392775435,0.215468813393,0.208700412551,0.43182909945,0.649860855369,0.55174295172,0.412665104908,0.70039424077,0.924431872401,0.0260376855361,0.536905478746,0.542559396566,0.30874122597,0.653700573748,0.432873436488,0.00768807830953,0.659595283428,0.39753571763,0.157659298998,0.630522042955,0.545147634541,0.855764381019,0.663248255276,0.704180062961,0.119817114742,0.484586599652,0.357192406835,0.383691264717,0.943877760543,0.0325165779926,0.108227594398,0.172182113686,0.501601725337,0.844375922169,0.737985990249,0.914047936274,0.344347429316,0.903886339405,0.704953683356,0.647440185567,0.903869118508,0.763714955262,0.48214480792,0.214233209928,0.140292080629,0.911247079916,0.756062058301,0.610355748285,0.686447335757,0.649710036279,0.613948560469,0.46000422352,0.39763564119,0.624165385372,0.133450682117,0.665133611748,0.785676061307,0.542638875196,0.00272037247008,0.282552923475,0.607176560373,0.108483363408,0.483069255859,0.546444193256,0.932279989951,0.776190748082,0.712038683928,0.578926179027,0.605066887665,0.434292711798,0.787492798537,0.682948038926,0.00558807436706,0.313986756343,0.388673630608,0.234155378088,0.0323813015735,0.493058119826,0.147201503122,0.34313041285,0.534824252135,0.395096347074,0.430067220598,0.903364764547,0.644319588304,0.0139760326624,0.19854938237,0.376085005506,0.0436979086428,0.808325231352,0.678477662498,0.0719610938953,0.833386021869,0.619679393412,0.0737708803655,0.34429234674,0.727767789101,0.02381361765,0.0245891551096,0.138827019865,0.0499278612419,0.164428445066,0.747102312,0.374388175395,0.693065537781,0.0722204381509,0.856894473922,0.790005786095,0.00634751010229,0.490196455347,0.884603392199,0.704693369472,0.848173086263,0.191245005098,0.335677455622,0.612770496025,0.297518592847,0.421900256531,0.186373890787,0.490062956444,0.00513020419728,0.977925001089,0.623180966315,0.369485428992,0.52935344642,0.540567769098,0.892891720867,0.666933655781,0.824919187915,0.953489300743,0.793465452902,0.784384666009,0.329456593079,0.282798000866,0.745405076202,0.615304306326,0.261768815174,0.60875161205,0.963180621571,0.324744721354,0.296852992563,0.485061306429,0.060504761078,0.538501184941,0.887326256934,0.891360017597,0.489909853781,0.705378426297,0.311645792571,0.469084321865,0.144763063636,0.0198540569199,0.00384132015294,0.0348612741767,0.362202155739,0.675521196808,0.963847290044,0.584332925421,0.103910391795,0.358406935136,0.00115777126291,0.297934475782,0.126924405721,0.536896952852,0.991686600995,0.865048237733,0.457636441071,0.0453872859046,0.0889593591066,0.68479567753,0.682013515447,0.519754506259,0.0674937816128,0.0264964212828,0.375508510378,0.42982351753,0.937344322546,0.969120679885,0.0250630211059,0.950004623506,0.0666147877218,0.910046365688,0.667050964475,0.198382303541,0.243765398635,0.269343229277,0.327719726235,0.269371281111,0.588593595325,0.0800207986674,0.44758689372,0.608625103746,0.298439474397,0.236350610619,0.956404480109,0.131822839986,0.141357662933,0.0772949472343,0.711830482706,0.129138179261,0.431354038167,0.557288913099,0.525889436871,0.542984796176,0.46814089133,0.626542774931,0.168502853201,0.604466713098,0.122446679268,0.461696702695,0.480758434461,0.536330100719,0.492230820813,0.387913525553,0.257958513823,0.64967138751,0.726932357651,0.104858951379,0.9857354206,0.821439702806,0.636628267309,0.878954393556,0.671882538807,0.0352117137756,0.233867738228,0.473085482098,0.214020248654,0.875369006675,0.55126533439,0.5138189527,0.343858605164,0.733109947172,0.758974990025,0.264340981054,0.977078007211,0.280683787659,0.858927830121,0.444186099703,0.936771532339,0.364469559991,0.718189104658,0.47316497379,0.867116429468,0.666279651561,0.692903934715,0.0469332466151,0.240034506226,0.949598481778,0.100947572651,0.148252736169,0.456803548636,0.743698159919,0.412524134906,0.992214280633,0.421769449922,0.0984607673121,0.155889564991,0.437902123916,0.169206615349,0.304778017764,0.826753592216,0.42895621384,0.278986624068,0.143566994498,0.568825697366,0.0465322720334,0.624918656152,0.239326509086,0.336023147586,0.198934122198,0.0338205055893,0.430601316272,0.663403870059,0.905513511021,0.420738111688,0.349444465251,0.682337178176,0.536962185721,0.74999579361,0.0504160814872,0.544946254035,0.76470289594,0.802940436868,0.629931207887,0.668160149048,0.526801281757,0.453975761629,0.250097417746,0.908274505332,0.264176632743,0.366289128086,0.124704307563,0.914731218761,0.649945179994,0.973815599032,0.128840054268,0.839056007534,0.73842108661,0.659267360809,0.269528784342,0.40145681225,0.361656534997,0.297759197944,0.00684540734364,0.530669567591,0.424730820443,0.173894565562,0.192259962968,0.460878405354,0.574225669302,0.388475802725,0.110983490188,0.213907584744,0.878195917856,0.356346787022,0.456312484431,0.358077928648,0.270018507741,0.402215996239,0.248289075237,0.939301943144,0.512232244796,0.458637412241,0.519880597132,0.00045331438851,0.416072775505,0.935004362972,0.909685370807,0.143026196505,0.944970777927,0.590959855077,0.438122701255,0.133169856048,0.352316964017,0.975910988961,0.452683631608,0.736836686612,0.128586191841,0.0643755679878,0.754061800935,0.777765453002,0.840833900407,0.263130623257,0.856671818213,0.424570674257,0.988255187056,0.308790922656,0.808305129205,0.237238383876,0.453112099982,0.872731883521,0.784303143219,0.595944787375,0.720071672275,0.26650286099,0.497371044901,0.783058865439,0.0443405494414,0.724583117921,0.240666484324,0.456627567186,0.508688783553,0.0782044860732,0.760261263714,0.329072304578,0.278297354603,0.394557713641,0.211418577915,0.814087145017,0.497042589092,0.654251670094,0.853033998638,0.804015516656,0.66806372413,0.735294913513,0.039947148146,0.628858272912,0.0361526903183,0.717327971847,0.759563435339,0.0753046363514,0.640356290078,0.779386297901,0.975417732563,0.551396876354,0.930367905137,0.0263441793993,0.891117792287,0.173971081026,0.261404589947,0.828172826717,0.153739262912,0.403531970182,0.257865533208,0.523386927736,0.661186946989,0.623458016471,0.904908999863,0.483539558559,0.633619680467,0.457871634218,0.512385235223,0.286907740449,0.818464010847,0.627375769658,0.439380296184,0.254655309633,0.237721160917,0.0545166275825,0.375036752652,0.306097012903,0.491529039576,0.275534068679,0.711175715572,0.332115591256,0.56268899366,0.0889263652481,0.19750549067,0.336053349408,0.772736641107,0.852103790699,0.0764802888643,0.435525815722,0.896424343774,0.840948694646,0.568535174341,0.487058746145,0.15540913767,0.565433119264,0.286516896413,0.632140637073,0.42207315278,0.0538105963825,0.275482503162,0.5415512937,0.0443084151746,0.195466503645,0.433076267631,0.928299139595,0.155866128249,0.691876944722,0.944878133205,0.11841879379,0.630416675236,0.182571587883,0.785566627771,0.36565576422,0.210490537125,0.873564692941,0.128360581296,0.518511297234,0.379407531397,0.233042532336,0.98208310856,0.521103675618,0.227809198391,0.461126858149,0.969973798419,0.122865002634,0.297192287733,0.329552436639,0.223314535495,0.894527070882,0.52219270854,0.653849960932,0.786308821418,0.635660850132,0.22489082034,0.675685838178,0.11591182369,0.911051092854,0.891219793243,0.951341727084,0.830735018819,0.759782528035,0.969525358835,0.376750656867,0.539066349164,0.267174337626,0.172297818536,0.59825957723,0.345173478906,0.245507660147,0.441847081469,0.704329094732,0.625223399934,0.0674593519272,0.0950196124982,0.542365318537,0.565999555873,0.712081266767,0.891512269669,0.897541096868,0.745310519921,0.0706630447262,0.793967235491,0.747720250388,0.490821919625,0.53468066092,0.453521931985,0.799229481595,0.682242302378,0.519307739901,0.510766614677,0.727047980764,0.139173141401,0.614681391745,0.575463852189,0.370820192056,0.786401365083,0.343867627212,0.465455601863,0.356605561843,0.681744116643,0.699071373525,0.60381612382,0.582049194342,0.170134153568,0.666726115355,0.0861228529204,0.0820260722396,0.0677717833731,0.365717331521,0.261502151849,0.208699609702,0.715258328329,0.276109088267,0.172401204812,0.574293654755,0.0952460235046,0.362425739592,0.992656212604,0.876659998361,0.891485428095,0.154886210282,0.863798453703,0.563866943394,0.882474353046,0.5752660165,0.343348695982,0.256509529868,0.596395444098,0.422205465034,0.792195046912,0.672637643583,0.272549238853,0.67553320883,0.557743989961,0.637903613658,0.962320175236,0.447659198485,0.903265344477,0.167452431084,0.963517751954,0.355223109137,0.661880534106,0.593161670937,0.0733588118118,0.761354324523,0.400009044643,0.880753081217,0.834018548447,0.0382473728287,0.174813526518,0.590869181961,0.91469222783,0.335102258298,0.500502254749,0.431662205836,0.322170952888,0.155527203438,0.763255311649,0.186924137888,0.0142240502334,0.512706501225,0.0985518146533,0.710577783763,0.643839099177,0.134522028417,0.451992234922,0.972322716302,0.548680758536,0.801161527123,0.32740361634,0.384357239905,0.55400838699,0.00832840635178,0.337422565668,0.102435597603,0.171646943429,0.649062325673,0.537912860126,0.366500822806,0.384814103848,0.971644125334,0.601490032811,0.0749841808494,0.0200017089507,0.932913339401,0.702566357803,0.656155261463,0.437387117144,0.202097471275,0.092486015859,0.558534280576,0.769971924045,0.195238041664,0.873565154235,0.763295212761,0.128914979246,0.308856432685,0.885586869042,0.597661347844,0.022025390528,0.596927311927,0.474309902798,0.331790665412,0.946881761423,0.703968965943,0.790682952867,0.0182238215973,0.820297552984,0.348899534507,0.374261669205,0.681651144571,0.322288006915,0.45328672144,0.949774957969,0.0226294831544,0.378826637938,0.658692748885,0.897672496763,0.103068810491,0.324081254002,0.938563326647,0.46505583261,0.927737182285,0.697102997385,0.604286958049,0.506769027247,0.104687417756,0.062187708284,0.912609853405,0.61849479506,0.678155106488,0.123682558952,0.644200078748,0.951101962316,0.200714151669,0.568882786166,0.427715564046,0.623764729637,0.743543220819,0.656851172603,0.67641614081,0.163530574864,0.664818053791,0.04815890773,0.296816745675,0.415108760278,0.294602852088,0.823341363475,0.549839991564,0.77085620412,0.602974562973,0.00592082236817,0.208342397564,0.75355238518,0.700551095287,0.267687584113,0.252617847274,0.103088851105,0.937751126111,0.0290174003055,0.834926479656,0.872001063977,0.65873022046,0.849991494754,0.433233140806,0.251371399398,0.08000018211,0.714584885708,0.0373833134322,0.992937872796,0.288901668785,0.675987018119,0.03948033199,0.374368678672,0.479608740535,0.0619826056906,0.141307828928,0.365081043367,0.412536852007,0.307690450584,0.0726713496036,0.483849232719,0.595437588587,0.274346899691,0.0253474472617,0.84507572023,0.364501191132,0.30638159139,0.620999798871,0.233130459173,0.0409774252909,0.598191764676,0.552378718788,0.0314999658161,0.354811732479,0.0976767343973,0.186435232588,0.481444522158,0.491013650338,0.840768660046,0.579228706472,0.726876281308,0.420347506429,0.184840686616,0.588261066499,0.556341934926,0.91604004912,0.894467163055,0.0541550783792,0.649751161531,0.943857133916,0.516644263609,0.256647821678,0.239411736158,0.820204851819,0.19770320327,0.199799933724,0.00250255159465,0.790123325782,0.88946559616,0.394211327931,0.947087670069,0.947156203879,0.981543066624,0.351538519225,0.643312935552,0.201863553314,0.236632200985,0.0621625192374,0.663953965052,0.2568494279,0.841295275102,0.212487492948,0.634215237546,0.52584809706,0.264595874419,0.797347657935,0.44839840342,0.920861454617,0.884504232893,0.679783944059,0.652544471106,0.0750057511775,0.722578541312,0.471014044691,0.752633559119,0.000409808797035,0.516475239212,0.00569964195326,0.411198973809,0.124642126032,0.412998513777,0.134947810155,0.381823607574,0.816148756285,0.315315293987,0.954805791399,0.426159038426,0.870244843421,0.148026181117,0.376387089985,0.233209820857,0.42796818976,0.996626181936,0.870083848397,0.535838799772,0.599417142119,0.471371933143,0.410943635661,0.458419649569,0.426093853981,0.979638803643,0.305944460098,0.442946647163,0.65292788312,0.233389118224,0.516443188615,0.674582677968,0.427673806107,0.570152270064,0.485747256358,0.608014880486,0.281457778687 0.426584556714,0.849029669001,0.937636641561,0.279354755025,0.723064344435,0.591749558072,0.517918529145,0.711771350506,0.654655517362,0.566805295041,0.408532438084,0.483261083233,0.659679248565,0.411761063229,0.126372624916,0.949759592933,0.427504727738,0.587969433202,0.24753349927,0.234855307955,0.734185415783,0.596691281716,0.144625717812,0.788299662305,0.706747371218,0.206915601969,0.098201409356,0.690944832919,0.63324676218,0.249667090639,0.449732781154,0.577892532401,0.63465584253,0.662081237697,0.371950289863,0.730717791929,0.803186456912,0.831030325842,0.361225143859,0.793520709012,0.281542102384,0.594083864466,0.389693405025,0.0919493807869,0.17152893966,0.630484120803,0.139015367266,0.788884688728,0.831207466357,0.369760930166,0.256199337375,0.371114044179,0.281493717188,0.744030941039,0.311330386614,0.399893990164,0.970479616738,0.381127832961,0.976634863826,0.586903378821,0.327844436967,0.800484708424,0.596534990825,0.846300348231,0.0954699636811,0.674123738929,0.798241321639,0.338544015357,0.594786812147,0.0182666385989,0.979352316884,0.201980116652,0.443098008782,0.822169225808,0.469499952562,0.916911064994,0.440108706981,0.905373978667,0.698222547281,0.656449166847,0.0930952548478,0.0991182362618,0.763007325179,0.706427253946,0.47583836195,0.665674936823,0.605283772525,0.169250888347,0.920957238303,0.478416899792,0.91359584234,0.157911932476,0.14675893012,0.826368113801,0.326845367173,0.857269786182,0.750254046862,0.791986385971,0.106136913243,0.919154433062,0.477275918321,0.167398432164,0.782008812222,0.822673651622,0.0375168092329,0.962389214443,0.99929040843,0.33856988829,0.862832783951,0.372717716361,0.43317227933,0.870346282935,0.884886470091,0.639754539674,0.760711939687,0.307069439948,0.752935141667,0.0438317435882,0.14429496868,0.161446963356,0.114590852291,0.561392293021,0.222443488769,0.84021546961,0.854167785613,0.912178900081,0.523755269951,0.544294473686,0.459521459447,0.442764948219,0.23110309556,0.804689336912,0.54132403151,0.0744925499181,0.713596149003,0.443764242897,0.313946839266,0.844592978102,0.68124992356,0.172424153901,0.236802278721,0.556000214876,0.76667913207,0.779964617536,0.547044938754,0.694152113964,0.459189340751,0.883685068883,0.880994152653,0.559753058249,0.688976449037,0.272954617642,0.695659151017,0.497160052858,0.56945442982,0.0664585807138,0.981364566235,0.628751332068,0.285835253123,0.432494899837,0.961175768413,0.401919772936,0.446921901887,0.823203474548,0.31664388381,0.343745270528,0.773398315166,0.319258787023,0.560460093053,0.181539780684,0.179545715836,0.908020905508,0.000560650267595,0.311455153761,0.846374343734,0.732178941024,0.914559227238,0.0355152989034,0.632321281794,0.299279579374,0.762146257919,0.951659078553,0.358498213685,0.442836951482,0.749129671029,0.373880089905,0.204279314512,0.169501487277,0.115116915997,0.181497201862,0.232529767632,0.423768501429,0.683375963496,0.544910510211,0.951261475204,0.971386431908,0.765555941047,0.678946112793,0.698194540171,0.708879760579,0.431223923002,0.810915390071,0.438685059444,0.461436487706,0.725807282832,0.552152058696,0.957835370719,0.818778939312,0.186199070383,0.175779104296,0.573493250596,0.540254129528,0.247956377646,0.786189870085,0.270097929532,0.446419913256,0.144000132451,0.649761767084,0.376757740031,0.552521944223,0.582375128897,0.454180586648,0.521309114067,0.296336055481,0.0758173259897,0.927454244115,0.306708410922,0.193578289359,0.699796278538,0.0283142916585,0.22345974152,0.138956388321,0.143808236127,0.638242701522,0.785543805915,0.248765505778,0.957010316563,0.0775475578766,0.151250880698,0.860809179298,0.81214603828,0.338299552659,0.214584628344,0.875199127589,0.277483270155,0.557197867898,0.376917107337,0.550647105283,0.895671958747,0.293954515757,0.34311711073,0.790324044804,0.778202138631,0.438008078065,0.705201006962,0.672023407658,0.196839599401,0.27727893601,0.598772975258,0.532171090587,0.850177109373,0.15190885687,0.551718660577,0.107381078328,0.915352576963,0.757327116203,0.803879618477,0.437064577025,0.428575738506,0.995793042137,0.841646322141,0.630439026551,0.788307960947,0.198871187786,0.104583052975,0.237852726687,0.332101001505,0.310522373644,0.430595857003,0.561639579792,0.635078750058,0.0854589818696,0.342298806845,0.631838462026,0.524136215752,0.958800134277,0.777692617122,0.801974381275,0.926967385852,0.551633825695,0.0510398137273,0.596070959754,0.236504531403,0.977253887985,0.933138719967,0.159112328663,0.0936329679159,0.168878516548,0.837000307803,0.685871294443,0.952940310883,0.796299099164,0.752137026472,0.0431606386874,0.422056998956,0.900993352008,0.69886493763,0.0847707821315,0.529353524545,0.843880403003,0.0154626238358,0.946608519592,0.48340372705,0.4496479299,0.813630237465,0.0728126600091,0.826682452093,0.666741478242,0.703484812155,0.517013398469,0.457418387419,0.036216298073,0.967833697035,0.510372180903,0.241039856203,0.331488747231,0.630747726067,0.515339221389,0.594668321703,0.293411944984,0.313067013414,0.858454502495,0.0654070817274,0.520893175202,0.553759632314,0.955150769488,0.574037028194,0.467998531241,0.515158665724,0.648864281728,0.208292820553,0.46694606073,0.549727811671,0.201293617771,0.504205944505,0.866353852963,0.837112030074,0.462659931381,0.831942646106,0.617475336797,0.0363921552337,0.366138084817,0.299587083294,0.288997548438,0.931763601104,0.514455568239,0.242020327313,0.953363592489,0.386961258603,0.201369538416,0.532940737817,0.253736081241,0.0529561861248,0.696745099953,0.443447365739,0.133483557519,0.849709667094,0.222814278596,0.633526479239,0.969223025478,0.66728543861,0.250815150404,0.282462350613,0.945257511524,0.8463099803,0.398679769769,0.296195842247,0.78283250202,0.53316962563,0.773755031751,0.513861720564,0.658088920272,0.921803220361,0.32528482952,0.0488973789978,0.773042228277,0.457461522568,0.177890698218,0.450530629988,0.960205466189,0.980079771898,0.514395316471,0.306137953383,0.120648848249,0.215001342946,0.057728602131,0.225669566961,0.594654236424,0.474470857534,0.0827793438328,0.0567636808356,0.643701836041,0.896216575058,0.418710338996,0.841219026766,0.867576553216,0.468193598832,0.304626815422,0.243765026399,0.376591945678,0.259470964574,0.223045818191,0.731357690189,0.187305204831,0.12069340621,0.325481265456,0.960473087599,0.30304501352,0.171092538067,0.0282253536965,0.715136565089,0.600041258568,0.0838663025698,0.187882230702,0.581262072662,0.207622835889,0.546794437568,0.492448512134,0.616426453846,0.772303806278,0.0682531033244,0.0709387509801,0.746180643613,0.750532279234,0.680577046883,0.111469625344,0.0494728853672,0.0695973672087,0.179809982199,0.223276351509,0.977152178133,0.786081045439,0.584439413201,0.00293053665621,0.698169725953,0.511964506227,0.643862473868,0.100033347521,0.580997882343,0.523225796728,0.168618591246,0.480500026791,0.425470562584,0.722996940658,0.183004930089,0.420523475497,0.996183786937,0.259228889588,0.940283974116,0.681438460398,0.35405235036,0.613634473888,0.289506865588,0.745738893737,0.0763542550311,0.745693551168,0.95452062289,0.164845382061,0.28620000936,0.38326042366,0.48590276875,0.317920555863,0.830735509981,0.260963430626,0.774349827114,0.590710936464,0.0223607444951,0.703755214119,0.779134583213,0.780262000323,0.820454996699,0.788518053042,0.278853536092,0.585930297886,0.687789142784,0.478566289471,0.931371468473,0.0949483907192,0.178835311288,0.694230759827,0.0532408341028,0.904041146586,0.863012084443,0.975163233504,0.405987799077,0.15398136159,0.987374880309,0.310092325076,0.393492518988,0.0772393232608,0.711297496215,0.0238463826808,0.849625416043,0.644543343727,0.919112631846,0.660980281181,0.953257545697,0.454257694284,0.591955497964,0.139917060324,0.665959901378,0.503631047931,0.598372907166,0.0116985266855,0.620747398066,0.566688685562,0.869602190381,0.9719710585,0.280842750904,0.0211505847489,0.0266930795742,0.236810629297,0.149764894199,0.98360893891,0.313523306063,0.470073952075,0.737319432071,0.165655118509,0.918148720269,0.26659694792,0.344067273507,0.509478834799,0.0492834260639,0.495963271299,0.817793266926,0.526220860233,0.54918588677,0.0593292915063,0.0518454096695,0.861811121976,0.878501341874,0.612590382238,0.0950250520661,0.919331731719,0.760687393346,0.109809419004,0.109544398575,0.00547225031284,0.335279359097,0.732802103113,0.289463032718,0.0567767412663,0.221732738509,0.392850694692,0.197016984852,0.956001530266,0.267479802466,0.231152463028,0.260555856897,0.322542474078,0.0658479051845,0.308186472114,0.81169377622,0.170515581827,0.398688641086,0.668629642105,0.613880002503,0.0830814969094,0.0634381428889,0.730118542131,0.872403204093,0.827543960635,0.309480316691,0.0844537297655,0.745402632432,0.653502210553,0.0228784257026,0.36212682177,0.768011742106,0.301033257767,0.686671538708,0.305163662553,0.670053666169,0.0032914665871,0.696607625877,0.462681388825,0.756070102441,0.744802627795,0.230789667694,0.574634421984,0.926290638567,0.18564334232,0.963573273267,0.95835893786,0.735160817943,0.895454477383,0.728961941656,0.88565775876,0.927770383996,0.367278338358,0.130830617143,0.446167971046,0.358370006656,0.980837121785,0.719670937386,0.719452796097,0.00598040290593,0.281113400877,0.934480663402,0.676802129851,0.94935890006,0.200382112899,0.968838709536,0.0620005107497,0.540335631445,0.321818621611,0.395047371554,0.136175381562,0.55934756989,0.246740667149,0.447390706725,0.434211639401,0.0275232160085,0.165405578157,0.642648236101,0.203934635315,0.928261548136,0.141253633193,0.649571367517,0.177625008029,0.568674003305,0.806077509128,0.208574214352,0.889268298569,0.768316088436,0.162393113899,0.0877207261333,0.86298656844,0.704954933398,0.751826371412,0.597057375213,0.0580645291099,0.296182934486,0.587721364618,0.710145062236,0.855767304719,0.420528670037,0.974414741187,0.218897852735,0.883198975899,0.110793851168,0.688440159646,0.965258064992,0.0616790863074,0.7558831615,0.36703270251,0.0254186435054,0.890525307064,0.464116418213,0.0896872536953,0.470181403547,0.383864471348,0.737502997659,0.957846191507,0.810702329737,0.304102600942,0.923445760219,0.880106881043,0.79898507868,0.494995665638,0.977443651278,0.498644315022,0.755855385872,0.479207054295,0.718485385997,0.127786443245,0.0414957571319,0.525809680281,0.339993694979,0.726495039286,0.9771367862,0.906934812792,0.277258474557,0.222665804965,0.503827184677,0.918068556635,0.563687021828,0.401654576792,0.461754578476,0.221645042742,0.200938036847,0.378975066121,0.421447232261,0.667351705916,0.65933723563,0.402855413452,0.465754418508,0.495923860381,0.1753099195,0.631720135972,0.156216951811,0.50107171598,0.593487284762,0.92353091007,0.947376041974,0.137479890127,0.783650153478,0.80777242219,0.214280433133,0.290947195005,0.554947693666,0.0263809277973,0.828228696524,0.867622970627,0.262873015142,0.823927208539,0.450002458601,0.959409470118,0.718290698836,0.106949530263,0.700143933117,0.517772737587,0.674031369493,0.813479000108,0.501521356328,0.413212753198,0.430063219435,0.309811094494,0.944521443884,0.186495670921,0.909564838314,0.59622584831,0.158064567637,0.653316346673,0.769128199172,0.0343089596527,0.691578180766,0.282687040998,0.609732177984,0.0322734625998,0.84266243995,0.541784598142,0.575354675856,0.223455803707,0.286018183607,0.284752078035,0.682547967148,0.910779551741,0.509243332276,0.138581080905,0.923014711906,0.130323311378,0.504213919408,0.486788568471,0.286683370147,0.924934392291,0.109905988888,0.668613369863,0.681649152822,0.643779775267,0.111280735738,0.380605177056,0.616528648326,0.407723392343,0.741993397623,0.563759451654,0.113203560102,0.219696903534,0.805188861112,0.836738036737,0.407748032627,0.0800959926147,0.224995264347,0.771099812771,0.959023718981,0.25549564651,0.889462821883,0.369911314885,0.286780282443,0.927653283581,0.958245510478,0.988098415001,0.0782742407288,0.499849618563,0.831675211079,0.291454927768,0.182620886976,0.264046807925,0.622621507462,0.719423465448,0.270779764388,0.0712237104776,0.698861259362,0.471659858409,0.843143279167,0.519888539467,0.0353365839008,0.761344084449,0.754126891468,0.930714179981,0.0125833799103,0.184646511073,0.223582931441,0.631159606967,0.591782249141,0.790742356545,0.767936767441,0.915340886449,0.913512461623,0.4558021752,0.50364104667,0.377415772355,0.98757553114,0.966729889242,0.489625805927,0.224729732489,0.263142597652,0.342935570545,0.341327586773,0.00502880310255,0.668400278099,0.284201002644,0.124954150423,0.466265428122,0.212711690847,0.693992586654,0.450760613303,0.646118344,0.856026131743,0.964765921103,0.84088040176,0.294118136498,0.713873861468,0.412875528258,0.243188101027,0.294528152152,0.327070426869,0.399933250146,0.541529790504,0.944836658893,0.0282968537749,0.749111174309,0.93206151107,0.663884898248,0.103456664678,0.524079816518,0.0849312163935,0.768797069532,0.720679074183,0.283100646292,0.227658142801,0.0195096616039,0.967281383725,0.460689782633,0.462266297651,0.426431226612,0.951164848927,0.62308535096,0.89202582833,0.606583215956,0.670400264796,0.95433075718,0.842969587046,0.162780057541,0.00475914979364,0.420708954408,0.189126595381,0.403421784475,0.365180364903,0.443607648634,0.290065837999,0.737360796188,0.279335114495,0.935181543751,0.426691328184,0.47021782652,0.480421116573,0.951143015532,0.153341057168,0.618047806606,0.998675136739,0.927693063107,0.321293930405,0.555631741423,0.837511521371,0.158334634103,0.562839933472,0.663185906922,0.861279179211,0.982120138188,0.862185762627,0.915854430537,0.623582376995,0.682155516926,0.600700320139,0.871123822169,0.556254873009,0.220694687481,0.144188943502,0.0557705951475,0.657267530843,0.00279134091273,0.376745981733,0.530104753311,0.61644866687,0.671811255657,0.162806112679,0.0232193294682,0.0758807586244,0.702413779046,0.991215145353,0.926245188291,0.55282416425,0.281608729703,0.903640361422,0.684437652157,0.0725358041508,0.667333324694,0.815350176809,0.129267347977,0.684591862522,0.704489884176,0.204899455816,0.383930812329,0.0990690707752,0.883731243031,0.310076657463,0.464010717986,0.994661089287,0.22728394942,0.013509599723,0.421638422587,0.235504833236,0.987156239117,0.237613484301,0.453232634225,0.775310193059,0.049239218928,0.551756224682,0.594132017437,0.51804592821,0.395280446667,0.157111055726,0.324784008082,0.409293037844,0.407451055587,0.591236622933,0.288824103308,0.267103572628,0.782546769535,0.185338558445,0.4653872091,0.428738235632,0.428121495978,0.209761042429,0.605366743017,0.770558335166,0.705320455743,0.862246343609,0.941902555042,0.289465525982,0.682870379312,0.0443465936857,0.194654212107,0.873072807086,0.0325008745106,0.265800312672,0.375842087524,0.462411390061,0.303045473372,0.770426816794,0.114719309042,0.815761653241,0.15439854412,0.232588339714,0.326118664414,0.242271135784,0.915434326601,0.497593772377,0.944404111808,0.297966254525,0.35722946822,0.948424646084,0.146373187478,0.642498815773,0.173455123834,0.331958954112,0.251374965076,0.414066210708,0.74068062599,0.697417110369,0.754770286888,0.285891649773,0.476115005329,0.672252180179,0.966179064081,0.497014791521,0.31061714674,0.0911102917488,0.880465021853 -0.363227954035,0.260344031855,0.435882741214,0.397931020128,0.341203539662,0.25975839319,0.51531835374,0.809943331139,0.984077515202,0.219264608279,0.375241739211,0.939718945119,0.55015838186,0.134461296929,0.568377864009,0.719715995757,0.181531832506,0.319171435162,0.598336145866,0.941056205528,0.603436246372,0.155530322661,0.588372664629,0.883538258148,0.442678369983,0.570999042955,0.900497418066,0.843197449621,0.673909407792,0.493110577521,0.270629425793,0.661144014373,0.270819844248,0.259667082092,0.441097129365,0.995500270008,0.438157955886,0.21936833174,0.0998512820969,0.827363644647,0.6525167764,0.0857714238138,0.88405682005,0.364048506981,0.591938577231,0.771358688717,0.546775071308,0.506979843067,0.977871050244,0.952508444207,0.682848531008,0.698661375679,0.359970716376,0.574485179517,0.394238870028,0.805366678168,0.595523886003,0.500253199952,0.134280774862,0.344573783789,0.524867375224,0.896477901176,0.557889089776,0.38024929579,0.938623098205,0.793716952194,0.0960714096394,0.314226053059,0.313157645859,0.687288766899,0.840783047549,0.0790201821554,0.832587146626,0.900579986357,0.14255863786,0.129163910729,0.152655240743,0.101168729239,0.634322483689,0.865242158383,0.327489379096,0.749863126965,0.592167632365,0.831429620827,0.557694470508,0.344370896089,0.905118708283,0.497409244232,0.569977669561,0.818730232037,0.520525852346,0.267555498122,0.515263788356,0.0691377170751,0.375174231543,0.0464670976277,0.617333578406,0.573043169197,0.870468447746,0.45926678843,0.712156725329,0.616048992667,0.86633649709,0.518639165905,0.925228493911,0.292908260568,0.379976141769,0.928323362326,0.231984253818,0.417947398726,0.0847990440642,0.677276526738,0.830539488337,0.372414883708,0.333877823031,0.110876091968,0.954618929711,0.0918730817423,0.806413767981,0.764312044177,0.527421828581,0.62343996701,0.59732663535,0.775506757474,0.959353388767,0.711396963865,0.208881626942,0.411556516729,0.51431415192,0.532472462155,0.817684471229,0.36332887039,0.793570892185,0.39908937649,0.303697079522,0.854902426762,0.515131682559,0.691514026345,0.322693017899,0.970230863362,0.889882707399,0.75556802542,0.905317406127,0.776553590202,0.246223050389,0.167575780241,0.642394040248,0.698147843284,0.424001883166,0.645219234756,0.235341901354,0.24902490409,0.963816868795,0.92302818131,0.632452446784,0.32749633672,0.964346885333,0.364039832431,0.522706786042,0.287890240111,0.370061210455,0.0900930522228,0.702588273368,0.217551064388,0.381429288773,0.170659321454,0.923400967082,0.679688076593,0.121341810755,0.264890311723,0.0225044569567,0.406362313451,0.144225375101,0.943995036526,0.75544888519,0.0647834982818,0.939131696765,0.961917786053,0.242573376344,0.17148038517,0.475870472544,0.218104662686,0.203780698978,0.752391816888,0.903531417064,0.932990460359,0.906160872496,0.0747556994354,0.384708066886,0.060641225161,0.846284372101,0.566742296613,0.940324420496,0.302286430402,0.584070191761,0.0321898271803,0.49515209976,0.193716510133,0.318235022374,0.422186258694,0.156074523202,0.599110908739,0.728271698658,0.906928842378,0.411102696541,0.338253039247,0.714783170233,0.520624755423,0.203818696053,0.0399579998925,0.604681323069,0.867492376962,0.304070854854,0.405634142429,0.04135461323,0.773614220531,0.0740390588345,0.419262618541,0.253346538612,0.113734787527,0.793801360999,0.319184268643,0.248836628858,0.610100298982,0.284083770743,0.43587057587,0.500162063038,0.208422569039,0.514577386801,0.684857051784,0.190410717397,0.190493218958,0.50866374959,0.3715589162,0.699217808297,0.402192596969,0.606714004466,0.013543575356,0.612989843724,0.0643027880284,0.997563657418,0.991306624884,0.663139461402,0.0765324685819,0.175807486379,0.416924090357,0.568828004712,0.287989909837,0.652401090054,0.674159981469,0.537022085371,0.672934597049,0.921370494152,0.242851382684,0.443293761133,0.350490860814,0.0493597632435,0.130392657943,0.333565346123,0.414166727497,0.923553834198,0.0611290670972,0.774280487784,0.765745521789,0.26196952398,0.375160287691,0.261237704371,0.379120979035,0.316354278852,0.0768066635002,0.792294235309,0.674821340872,0.877869072155,0.452659715618,0.137108723548,0.757239035615,0.814403427086,0.355819974043,0.396416114912,0.930596963887,0.870532649147,0.0918356218188,0.378220164998,0.689998451391,0.0639505399601,0.477957398868,0.873964114708,0.851453858987,0.126781262473,0.567941449301,0.484066203249,0.141559052099,0.159376214799,0.98027987901,0.309615264915,0.502418412877,0.852902533158,0.684645142649,0.0288757036879,0.765355257913,0.933564365318,0.906867397526,0.459664241842,0.0391508875521,0.853282451346,0.619860256021,0.309068963656,0.0557796409347,0.296099664585,0.477537055919,0.975016258315,0.273363237738,0.908658403686,0.310091000346,0.8674585814,0.0949520251,0.977770582959,0.305159578886,0.0194706137435,0.583488127726,0.704163230114,0.86809402047,0.483254948014,0.235714034538,0.661310585516,0.305179532293,0.242542207524,0.302139802204,0.354355254488,0.106866769623,0.76212906582,0.201465303724,0.206666199914,0.456301895296,0.610802031892,0.205797349174,0.484857262141,0.393759013591,0.015316871752,0.88041373788,0.692608753565,0.036225411609,0.322865933963,0.030967208894,0.137440992412,0.695819900163,0.556407512575,0.403843580696,0.995625965463,0.465661709003,0.175304429462,0.291637252716,0.100093058038,0.67724780759,0.174758200333,0.578400560928,0.289794707606,0.119901106782,0.317802111968,0.0945088263908,0.1321834088,0.313842084102,0.0685523244092,0.215852311143,0.360272054883,0.0690058054955,0.059393154139,0.523932614776,0.0467849851321,0.886647247594,0.597126965956,0.491499761828,0.784518286406,0.0831711316691,0.986700310995,0.480070805719,0.617309096372,0.119636588503,0.566635938979,0.155524296872,0.265177986477,0.901368077367,0.0521630616904,0.31018534997,0.434601157056,0.331783720001,0.411579374861,0.361786106093,0.598398569384,0.016508012998,0.298717457658,0.613979368904,0.102069203772,0.243806825927,0.329512356303,0.59872778229,0.779083528053,0.930228598644,0.936567699045,0.229356520127,0.222958604916,0.758884941853,0.00495679276041,0.847427894044,0.664762535465,0.823219920569,0.656866149606,0.783914889395,0.191914952604,0.26884803008,0.326315350692,0.739670902916,0.644963080621,0.0236087026856,0.91133246404,0.478082350447,0.474997492146,0.744785260822,0.50930168481,0.121397488255,0.925978017949,0.300769955216,0.230606968871,0.285564366925,0.846472895737,0.975687657962,0.401447768698,0.80615798755,0.316583677302,0.534103128961,0.965952218047,0.201666759717,0.225025844838,0.0910317843028,0.655262219222,0.539883128891,0.314434878152,0.511133429716,0.80745613867,0.5718284052,0.163864306141,0.793630588322,0.359911801116,0.248273315831,0.998569378029,0.176287288184,0.157149526402,0.574348469224,0.0217924744564,0.113960290633,0.577371248053,0.511488585475,0.301272319326,0.441072093704,0.824594185559,0.931393955022,0.704749960676,0.926139100233,0.263559533079,0.44429534603,0.620841966001,0.698523465051,0.705806334169,0.665420464081,0.483500647517,0.644468075981,0.624751495262,0.637255244695,0.626477237741,0.993192636696,0.50927149755,0.819304373183,0.198248536694,0.12925370564,0.339642977771,0.143233973894,0.704084246259,0.737445252118,0.498215532358,0.73800811968,0.42099170573,0.625096575282,0.992313012922,0.157782149773,0.904858493261,0.378289158482,0.622233780007,0.875561560264,0.686536906788,0.661305205048,0.139723013357,0.672012882071,0.122401569126,0.556912276942,0.0258541878997,0.690689442855,0.701525893215,0.349504780989,0.479710231331,0.215403712299,0.0652724544354,0.0948647015321,0.973425321706,0.666195908715,0.212966724401,0.189207118375,0.531752987138,0.386047773681,0.646714207713,0.244098272766,0.469020887407,0.350353028232,0.415406787284,0.270788506413,0.886210246049,0.842238274014,0.0964908871653,0.350603238348,0.0417980036836,0.716699969205,0.583790830665,0.514336885649,0.530332551054,0.557746587346,0.658708455924,0.24573272714,0.319002088236,0.243228096575,0.720316198849,0.55683843169,0.848914621823,0.040878621165,0.15086171155,0.204464021109,0.481143289066,0.0930038098032,0.200431387232,0.0966168937421,0.406122585045,0.760327368102,0.82883163347,0.0204641974215,0.153124187467,0.789310946631,0.270218552986,0.265263836379,0.165306983736,0.711622889474,0.629358140231,0.486778919502,0.534737542848,0.191512893153,0.303155413818,0.332844486971,0.0279177265915,0.601042129689,0.46588164514,0.620834534632,0.356737007037,0.100167195429,0.833523070907,0.330591376515,0.53150837844,0.145929014223,0.828231843733,0.730861816409,0.207445547725,0.848452073995,0.941666748607,0.634173546855,0.46054548931,0.0998999909367,0.762756983114,0.23927034863,0.610550348863,0.432458996599,0.135570734562,0.257120503725,0.610035143531,0.962620121201,0.0420789610882,0.0920759816791,0.88224085434,0.376978301461,0.471102832959,0.99641432361,0.672099872886,0.486197642477,0.205403499143,0.915725386848,0.314552681749,0.221059640885,0.46753065686,0.323987255803,0.461638598716,0.611044232572,0.946273272138,0.40889786866,0.559371431593,0.689167682267,0.0762983333476,0.561176142463,0.343519492464,0.573337963602,0.368248597199,0.839760413152,0.212173989991,0.618866265139,0.0578055216733,0.500823894492,0.744832034125,0.768438791975,0.487165790524,0.895643732016,0.251688971959,0.708271178809,0.0779984183153,0.217998296227,0.791601380002,0.0968935363986,0.348077253777,0.344349303294,0.839088412521,0.675028723809,0.657231631857,0.572905033301,0.554798941032,0.819862297329,0.0316242863864,0.828729545828,0.736786051027,0.870378484765,0.694831696198,0.387701985333,0.857287320649,0.597984180907,0.547341048464,0.902055087253,0.761041398638,0.397503999804,0.352839482105,0.715258134037,0.1914607726,0.0325095309502,0.724957048,0.451301879139,0.72921601992,0.924316134283,0.057871351359,0.774002146693,0.96730354423,0.194194956933,0.539396504566,0.607251769184,0.852881170781,0.454597280333,0.0985330882105,0.252711763615,0.397245719421,0.715713338256,0.667682717313,0.678248788124,0.774549384765,0.786872235247,0.0658113624598,0.993210271907,0.925645732049,0.187306356761,0.50731198729,0.528167856446,0.0959450618879,0.16649522977,0.917471935571,0.158804256529,0.272863434784,0.350650263438,0.314766454709,0.993315905675,0.0393058270084,0.0896677281755,0.25214268283,0.61083673717,0.153156677617,0.612667506037,0.455512271489,0.831332681395,0.79094672255,0.102339721947,0.0301561296227,0.842891623266,0.579619638284,0.872232050097,0.0924399777087,0.299899351409,0.422152568446,0.977478032301,0.654359659503,0.539836660185,0.344146260823,0.637958689163,0.594775242667,0.766652120446,0.0393871899656,0.211749448556,0.536528658179,0.934675545979,0.449039564158,0.874247769761,0.459226604211,0.736272038206,0.392794747952,0.482774971962,0.630858325388,0.578967692349,0.979384685814,0.904597165581,0.626329056403,0.704548672121,0.927888798667,0.616576817706,0.20612086681,0.406138269222,0.993468446772,0.544884555009,0.0341091904784,0.923972069648,0.232688989258,0.205640769691,0.948169495696,0.834456309015,0.898645735156,0.730011283377,0.305745324413,0.283764384493,0.533108948595,0.801709722929,0.137440086436,0.159550174575,0.903339934537,0.346255548044,0.0649117750059,0.356550197866,0.665753886712,0.235685614112,0.285665343175,0.698965817842,0.246191761737,0.124918712554,0.85990282237,0.567349609372,0.138227765442,0.451171125672,0.95699547799,0.715928700785,0.932167685681,0.113003842132,0.408152645225,0.688715733625,0.716369976275,0.597717845955,0.861193908252,0.830556424472,0.282445467208,0.617848489972,0.802240489996,0.460950148697,0.614121178936,0.287782787029,0.710053003997,0.610277363276,0.113378066367,0.559175829224,0.980204884989,0.194302190069,0.684322124017,0.368957522478,0.623544322054,0.0321196124604,0.314014687562,0.671039220289,0.552926033593,0.748835300629,0.0661022418797,0.649480901999,0.0537825826239,0.999588411267,0.68905881548,0.354669595579,0.854241989427,0.256822507031,0.833133299551,0.708164713643,0.925223033401,0.828089187156,0.615275519912,0.120865078467,0.0350066229709,0.0991138556715,0.803476077838,0.945597277064,0.567472666294,0.914310789625,0.268373496883,0.791310219355,0.20761647842,0.85050151923,0.769587960503,0.458183685351,0.309868679399,0.0471822112029,0.982290018739,0.484553106919,0.364242280168,0.321282545999,0.987298383934,0.726488982624,0.976277071542,0.365698554061,0.435989119051,0.180490052207,0.3169529999,0.768221651678,0.557104683491,0.357781684153,0.204369833182,0.623290553672,0.0179006272652,0.140477861802,0.770359123661,0.374864739569,0.390145814212,0.13777994837,0.551805621544,0.057130549281,0.454969147477,0.15523508825,0.952843477744,0.824124856361,0.831841101209,0.872020726967,0.430208781751,0.592797678531,0.272747741819,0.46667897592,0.60249516461,0.111639730663,0.641403769759,0.352903890849,0.730251007475,0.432402133886,0.1469770375,0.542001349068,0.033366134644,0.763265734737,0.984510782769,0.192962517857,0.0236000822155,0.195588476831,0.733544572635,0.264806876065,0.121562973571,0.816480527878,0.561792895249,0.184579861638,0.768544723186,0.345628177546,0.160513257686,0.930347350209,0.621830458706,0.173773238118,0.291494787497,0.776258543813,0.0362383109775,0.0412494992048,0.790138155692,0.313312976691,0.874151806763,0.250303781182,0.093508475386,0.673172294589,0.848362366139,0.0205449479836,0.244182829506,0.976791468846,0.962837738478,0.594441289558,0.00963436261557,0.375277307531,0.793290910585,0.679463468619,0.972749829382,0.332405061305,0.317193788324,0.0192758405934,0.638087125241,0.757444423814,0.224377059581,0.741192139054,0.090045515816,0.142637358906,0.150309557601,0.858854444501,0.538901426899,0.249189186521,0.347674190589,0.511800522363,0.456768483762,0.0791960282324,0.0351625238833,0.963866720295,0.0685970590317,0.808070208658,0.697674999965,0.500930846672,0.157778675529,0.794755177618,0.772737423264,0.905026347125,0.783280436778,0.451757289459,0.965399746131,0.230806913135,0.62380374169,0.307211639074,0.436252673558,0.0568178938977,0.169137837574,0.484039211467,0.3967160968,0.93899123156,0.521823819953,0.793788063114,0.541432809131,0.811345117162,0.646953227335,0.951981117713,0.764389984494,0.981874776351,0.803016563107,0.107700614942,0.589204087424,0.761844125716,0.259710085348,0.405848772188,0.812019934941,0.796275753577,0.843125638619,0.28927911443,0.745607183276,0.495216683358,0.69199108154,0.0515502780125,0.419475514394,0.785938802532,0.210435678631,0.275940724919,0.0728697718481,0.675107065001,0.24694768494,0.511823227297,0.616552493474,0.409515471724,0.361989699346,0.852241693752,0.853010607262,0.838452791619,0.617238493396,0.372327566267,0.926161140922,0.106942358455,0.0237493844428,0.565467643131,0.0658210817104,0.963901146857,0.555510875469,0.582385297804,0.0851198106177,0.373216569427,0.687150581431,0.371325761742,0.222011585693,0.86672246917,0.25773539587,0.703082541343,0.0182445616788,0.972987388,0.173144909807,0.301620416113,0.814229431269,0.342187118886,0.436645099294,0.103824889999,0.238777529693,0.980751161958,0.0685544778972,0.809026365872,0.796334263937,0.766347955781,0.785981270735,0.83196701903 0.648770579926,0.201477621905,0.848178781001,0.557150745109,0.758225219641,0.20577076392,0.255658508302,0.785065960676,0.470550269774,0.376370979032,0.167333459991,0.512500594439,0.485584818369,0.155867766285,0.883777203219,0.619664360564,0.863707674591,0.0885419226445,0.0851313616548,0.238550080305,0.804946819223,0.227038200082,0.21177036606,0.860453734192,0.381924071418,0.128643834768,0.54756476583,0.440216061847,0.416787998157,0.89315553165,0.715575832625,0.295503560496,0.452660870253,0.276565839943,0.284715548269,0.0986954446051,0.328832662391,0.828969588466,0.727876923346,0.174486251271,0.7676687885,0.715368588904,0.926625752883,0.300252685195,0.412089461112,0.624191940046,0.868588440253,0.238250989465,0.74762044047,0.0553897554687,0.168397688417,0.63848175368,0.154550571956,0.710941215789,0.228928012609,0.803616213522,0.280499465811,0.779623372272,0.987068821848,0.00176437366126,0.440421830457,0.285312994479,0.584896299781,0.669052135072,0.180857742093,0.211412776614,0.984489434232,0.263209814418,0.682767742541,0.233180905324,0.313891151615,0.535958207346,0.255971007156,0.755313653005,0.40446249946,0.812330564276,0.283805566096,0.974392019007,0.199348555611,0.850018962253,0.574020182111,0.664108735105,0.82301071612,0.851381276666,0.403951476679,0.782493533436,0.913172295318,0.700127903032,0.280178421913,0.204687259924,0.867012551082,0.923292758747,0.552472561299,0.738689099827,0.388671743355,0.582424735306,0.860446695436,0.0665450403008,0.936921569822,0.802146116872,0.923766085532,0.145595596576,0.0409359679464,0.386387829284,0.593457029033,0.573452454643,0.358057199947,0.513198536,0.0209330881883,0.955025721561,0.889795334495,0.809363895327,0.980260141943,0.352025140645,0.290999203396,0.532122959711,0.447895545252,0.0125775106493,0.643558933343,0.338925880969,0.0718745559705,0.424290689189,0.678265487447,0.617965708426,0.560303442742,0.149398365398,0.710814811621,0.984216974751,0.401355073127,0.42371622296,0.114636077519,0.923191558411,0.6883172902,0.704934646342,0.978957013314,0.396673876788,0.325470024909,0.010157142676,0.540311392352,0.963358681247,0.689324642214,0.833786228664,0.35907005531,0.952920289976,0.9841420684,0.647307217894,0.363258424062,0.198505577337,0.997074185042,0.412916704941,0.194063444467,0.401862612155,0.234506964071,0.914072389116,0.830864135512,0.166035725101,0.222171133245,0.000642457061327,0.0177274144831,0.416227984099,0.957606472855,0.319091769672,0.940874537713,0.783594014305,0.422654175263,0.596198403742,0.776381404466,0.387076806567,0.817591566492,0.9634176423,0.181221900241,0.995910562005,0.213859191283,0.212353743459,0.22094907057,0.527670587726,0.854010447773,0.23180777882,0.0950823762446,0.183383086072,0.141322026903,0.741267985678,0.161127939136,0.349910066111,0.27014205948,0.764343007598,0.450177171692,0.560438465544,0.194686301866,0.0461481576236,0.302447138798,0.870772893429,0.579422098734,0.480909570563,0.157616448537,0.583094842222,0.514748884774,0.0735847374198,0.156352892733,0.236614834483,0.447919923196,0.585986895192,0.234268774098,0.434879619017,0.887984604961,0.534110910186,0.112205823735,0.0722244737902,0.972625802511,0.34893839067,0.375157626449,0.594269913865,0.130645346569,0.0298920092433,0.875328260555,0.168265575545,0.999065731547,0.983222782745,0.956751685513,0.57977008919,0.406247560965,0.465857723294,0.245128428426,0.817620185852,0.619914184445,0.0244335471639,0.536661054447,0.193719298032,0.321612566348,0.80553407964,0.201055403769,0.347830263612,0.41491868303,0.00391867999612,0.741493799531,0.0769741136857,0.806607277392,0.509885768728,0.615627024462,0.502266778316,0.586210904449,0.140537944347,0.0996309338444,0.412012495374,0.554098024257,0.84666132888,0.0301157943727,0.906108636819,0.991598270456,0.819583384191,0.383596144905,0.0187323962676,0.475379097319,0.66385980488,0.885179512862,0.542552123747,0.727231057829,0.0786224647315,0.906817809624,0.105373194683,0.94086772744,0.360976948956,0.0999476414565,0.184829755339,0.985203139126,0.312084054562,0.744242849874,0.742425602389,0.448054332573,0.258275707496,0.694676603053,0.472965591272,0.221830504067,0.0572621618329,0.983896136104,0.62462555855,0.880150779965,0.633818849889,0.0827016939457,0.830422345462,0.239573393068,0.625482330764,0.106064402381,0.788664367714,0.344112272084,0.802725114426,0.911362228398,0.000468529976595,0.049797925848,0.732881017911,0.21780325426,0.73697719953,0.176481894843,0.069705808861,0.16308938444,0.807557086247,0.460928904599,0.0248966393102,0.196349381003,0.251562172978,0.510788345744,0.0971128786467,0.377507413403,0.571149721743,0.428684572063,0.0716752509825,0.314663756826,0.192929689193,0.548833155176,0.866924901944,0.155495594113,0.934020743248,0.019072352358,0.109592013032,0.399826485721,0.126239793704,0.293757700416,0.614910653247,0.136020795096,0.137245141836,0.108697937655,0.531122660624,0.945454601976,0.867353498307,0.0278860897819,0.84150798175,0.507658060725,0.00402422659486,0.51558334581,0.0939224130313,0.00990285766077,0.888555674757,0.783836461855,0.134795161509,0.141964634373,0.163844178123,0.263534240958,0.3411659471,0.163210307219,0.351657687881,0.598779732963,0.898773290903,0.710667918126,0.796886424367,0.363643536256,0.307717900032,0.748394621218,0.924582786785,0.994753083136,0.614249740544,0.978164102471,0.213293678438,0.885619231649,0.276075530058,0.175350270394,0.191748680779,0.357834986563,0.025939832567,0.537089468854,0.557033986119,0.0941959240054,0.275308390948,0.0263920310679,0.092728026471,0.761175532969,0.512659582321,0.0375746421541,0.94917811286,0.103857990725,0.196397126069,0.366890165138,0.403013495355,0.000972239962945,0.079035861479,0.428072806888,0.231294211457,0.294639330649,0.75025903465,0.119057362366,0.924249873868,0.297289004392,0.416911230902,0.366414835133,0.690209741971,0.492433328609,0.923110322792,0.657764790561,0.0551297994445,0.728746561097,0.985545487053,0.213446890363,0.754286504224,0.844287784138,0.829730918194,0.0173525630172,0.370173300019,0.479569429106,0.0923948945827,0.85540632245,0.334771541097,0.108957709787,0.234254656717,0.376129899825,0.989793281969,0.202933893412,0.742178432249,0.88855080405,0.477452746007,0.188714840465,0.868816646416,0.0641405925156,0.106341960129,0.297826348785,0.306301350584,0.147325062952,0.214899864037,0.536950692941,0.520472400219,0.973850115198,0.703958309487,0.333574074738,0.812725233694,0.185781849213,0.943472627617,0.504411600466,0.75480686532,0.681453476651,0.845791358027,0.418941997715,0.143699394002,0.466701406323,0.431342140588,0.524017058604,0.524875104924,0.286071271069,0.640265977576,0.521531932388,0.174490857862,0.143728578586,0.339946381274,0.579787726715,0.113542365751,0.0938048043871,0.715666216335,0.344064597981,0.142796040607,0.624404782664,0.548184602474,0.300210203176,0.680183838927,0.632794094752,0.176605452656,0.0195584169348,0.611131774288,0.188578847098,0.0775483975528,0.0268860252509,0.100584381175,0.336935111357,0.88029266281,0.122897432046,0.0619130234236,0.0402513122564,0.934185089296,0.868587478462,0.664384377939,0.965076789493,0.139942881152,0.105194554562,0.647058064245,0.602335656822,0.172085845594,0.22900933608,0.574768352518,0.975655426716,0.6624499513,0.353554702349,0.773598807042,0.343635700085,0.712099442684,0.415219953722,0.817507242547,0.540167733405,0.0542336192994,0.0432534786437,0.917703369158,0.83592969231,0.795108342092,0.0504713608393,0.803327327293,0.577047429546,0.901863883062,0.934437617041,0.0963489144244,0.25046992216,0.931306910576,0.0223291467125,0.584245450969,0.642168635806,0.572118609831,0.882707924412,0.126421008517,0.973517466432,0.98069508031,0.831691444377,0.472271796423,0.840432870098,0.815814322968,0.106047860645,0.877749262957,0.157471871078,0.781616844088,0.720224821923,0.964985386972,0.12111149832,0.234675755523,0.977795568039,0.813384498981,0.948595258818,0.150445263092,0.249330184725,0.859090641007,0.70605453064,0.472603826811,0.727197809513,0.967404692296,0.587218961683,0.599919666686,0.949349517981,0.847180376109,0.00817424891783,0.754896235192,0.208056412994,0.8229768745,0.6858028238,0.564014025618,0.0673010636146,0.962225266543,0.0457469971192,0.593445056151,0.690539716044,0.30920526875,0.367074294375,0.805824713011,0.663346062391,0.867207155515,0.264388512966,0.973801912534,0.597874005129,0.338776684646,0.495580949801,0.473309437509,0.998697429615,0.432309914389,0.333554643517,0.0857993049867,0.994266254671,0.72231578491,0.571418625933,0.777256092055,0.439230539543,0.442273421896,0.667306311501,0.502766042505,0.642575058735,0.273309830083,0.375691319949,0.989465354338,0.201112149472,0.460481870961,0.0528117177283,0.998741251519,0.819454203428,0.187953512866,0.509813399068,0.26821878035,0.760393551594,0.706672395908,0.630157786355,0.712770049453,0.138124342526,0.0157727492643,0.00623721075841,0.909090220919,0.379187556854,0.319828051882,0.0772682734058,0.589963938443,0.0862762843469,0.878548047553,0.0116754407936,0.154375592727,0.504307533867,0.146497972962,0.258631995392,0.611266979435,0.533743670901,0.839753647867,0.325233139524,0.846363103861,0.605172288829,0.483538140612,0.365208311457,0.920694411316,0.192241526632,0.392786742455,0.5687706922,0.812305391803,0.352098440289,0.579622452909,0.92399952098,0.932490116872,0.839542488567,0.410484404707,0.743930880651,0.317525992323,0.740117084137,0.780427955671,0.339116667983,0.205439756617,0.242584589376,0.531925536789,0.414791632612,0.722141449143,0.611996742349,0.745498543412,0.393329969169,0.749181055619,0.394330788788,0.044203156301,0.62080109065,0.795883099353,0.819725105657,0.849409037952,0.996433226657,0.649882690489,0.536620767226,0.448003557818,0.655350203774,0.221159837188,0.852189010627,0.8993448209,0.248230464652,0.365139328767,0.287427327899,0.184356022125,0.834322977438,0.091692866979,0.252697907351,0.240726273652,0.20115121721,0.334339762254,0.0251328920559,0.806648851827,0.22077408411,0.389559852498,0.155360398939,0.0297535608918,0.912247448966,0.433034839866,0.0312171604964,0.243698094235,0.0410665228563,0.793238223226,0.198481912274,0.326163104703,0.543863242352,0.842057861277,0.545393971651,0.567223199615,0.946917840261,0.107559582164,0.88889273211,0.855585655129,0.927935371125,0.893989816886,0.371520920019,0.273954792213,0.979278852209,0.995067880479,0.142712918817,0.308273817742,0.844927766644,0.448662291645,0.0324727953619,0.528860174306,0.545662643877,0.130666186965,0.378215852751,0.487261195067,0.342107714204,0.863315809008,0.209400511363,0.710172394291,0.854080514314,0.714166944774,0.122905036978,0.0473886412465,0.276255138684,0.837180083034,0.970740281538,0.056633298789,0.997374132797,0.33291580903,0.50907310736,0.26931598005,0.652838945154,0.40664707881,0.974565928803,0.314176873344,0.561006014389,0.0132342243281,0.266172726952,0.834733054646,0.355933368063,0.95288384078,0.907527039925,0.397089286745,0.388192887239,0.128523131284,0.21083481213,0.126474140897,0.208745233402,0.104972501495,0.987089987987,0.535900658985,0.857877675935,0.899708970858,0.899866424727,0.290881282291,0.387977878435,0.572767216382,0.861768363808,0.638133527266,0.436542790957,0.574429175647,0.625475711245,0.961446229943,0.0467749349549,0.739710445929,0.496031626841,0.315600226163,0.917465012224,0.590566183169,0.478763684358,0.37650898904,0.605261368788,0.909918370472,0.667750462204,0.00701019242495,0.302793585245,0.647002694749,0.291680307881,0.00433923324571,0.278689389817,0.189316877548,0.0339931752642,0.26038408484,0.537791044182,0.556099388262,0.0816959411739,0.217899700385,0.380156379369,0.0270550998727,0.75710663995,0.334636727368,0.207813327989,0.925000823617,0.868557650828,0.227430608815,0.617032764773,0.415537066012,0.0650188738725,0.897229731254,0.640145212142,0.819430024917,0.0908727850748,0.6785070977,0.632379765495,0.527097981411,0.4026414638,0.466493798561,0.437650413473,0.206644371423,0.828564592618,0.0190280678721,0.0484741692973,0.110602115499,0.0891267810546,0.344143572713,0.38596330775,0.426353667061,0.220059420889,0.725712605642,0.761374600372,0.838893658204,0.53383489534,0.92994141524,0.20360385955,0.884877746265,0.884467332087,0.783488437263,0.19315280404,0.419154986444,0.535763139593,0.72199540974,0.192842470572,0.998736713091,0.878093528577,0.63092919073,0.488692278375,0.761344606877,0.974859555859,0.67184000447,0.725502242712,0.582351917496,0.509105078382,0.847968160181,0.203689855487,0.043122695207,0.491622600774,0.725002165563,0.00137255593531,0.928029072159,0.403136389929,0.696063995535,0.858682355827,0.175049658399,0.811256655721,0.845555030878,0.93393706775,0.606205732357,0.934566752881,0.4989482161,0.98286739004,0.650944322947,0.584647833743,0.800217225567,0.591746217288,0.492765102235,0.349641650727,0.345738532955,0.261456918144,0.764621621839,0.712370369504,0.747043759122,0.475762673476,0.00980272381229,0.192374886773,0.431281240043,0.993407554074,0.892377022523,0.359842008606,0.673796538062,0.861080771631,0.68855200461,0.159108609541,0.672197563359,0.542267183505,0.588835037682,0.0365841425992,0.299594413533,0.379279607602,0.0599963662692,0.740058748561,0.66352118746,0.690405089256,0.968704458248,0.683148985578,0.960374071401,0.0877604369372,0.236374236214,0.293880071492,0.339969674382,0.995214731477,0.834552042555,0.695498860032,0.554574659569,0.0313867712066,0.90330616112,0.709434433879,0.363730594319,0.084760164706,0.647356623522,0.597357805132,0.699497516825,0.979610190174,0.550253444977,0.227128718156,0.196341721316,0.108560930733,0.895975660521,0.135031940655,0.0344235235506,0.0375856430777,0.286836807796,0.661833078821,0.570122191204,0.253406832526,0.134211754293,0.27059443504,0.968258006222,0.0474476547554,0.157352834999,0.383180079517,0.273123496412,0.266655221043,0.140303717543,0.164722899705,0.351491223281,0.429362843242,0.916282076765,0.904097921286,0.575469400994,0.974920166762,0.527085960789,0.4639961306,0.985346071326,0.885022078191,0.376096314025,0.410927497847,0.505500446974,0.523730519165,0.829151255273,0.912320353541,0.0172729044591,0.964688543161,0.738104568615,0.51280558351,0.536065512035,0.828250237061,0.622715617686,0.0629578056142,0.813790965272,0.731004023543,0.161535879577,0.940922498906,0.0824764903753,0.769491687916,0.0481662644938,0.157436441663,0.379828449142,0.902468376613,0.501470226547,0.312005360853,0.78490290973,0.713927689789,0.560722814113,0.432515082365,0.217714446766,0.00359151876617,0.857374591661,0.650399408226,0.158646760345,0.241622076991,0.453071331856,0.698626872785,0.314086486207,0.0139937303795,0.552034455524,0.739319421932,0.443912997625,0.492647945536,0.162753674033,0.423568526476,0.85255207696,0.716011664218,0.955645741456,0.834173350941,0.397837846887,0.607094455885,0.514113682009,0.5143641773,0.957486782493,0.185184546495,0.215788557815,0.766124724854,0.455658925434,0.251802411847,0.0553493346571,0.487850234134,0.484081495974,0.332319899876,0.149976240341,0.0554728445017,0.440241004674,0.853009990759,0.576273982389,0.632564597283,0.591306423391,0.0479023884767,0.869216404641,0.337349504856,0.112047361358,0.738768669636,0.597907384291,0.855464921847,0.723167750537,0.27363522562,0.504045610042 0.44954544697,0.437843336276,0.397117650715,0.293446607806,0.359767908143,0.58186222206,0.305859808563,0.954423972458,0.499850032645,0.0140210466646,0.00138389259251,0.362824522759,0.766315254387,0.0149378092035,0.768077985124,0.588349040874,0.559713286905,0.26609450707,0.219643680469,0.715631490841,0.95962375808,0.315418158003,0.76749254796,0.453982077451,0.64045594555,0.353100214972,0.0115646061913,0.727933478289,0.275105944929,0.224280518364,0.859470567597,0.642647528224,0.526121706207,0.838965676128,0.771746099135,0.628161168587,0.245212502795,0.522617207096,0.661621204362,0.152376607227,0.387228747819,0.727321180922,0.398622817321,0.857167877651,0.537848358243,0.215495043971,0.934993442958,0.517791003137,0.590367821607,0.0187152941338,0.391731348623,0.994953359915,0.347358339535,0.079041474223,0.931794004076,0.312348167075,0.720132977527,0.691239335484,0.205711009649,0.387293657191,0.536711738182,0.0248376886095,0.405829433648,0.42786992082,0.558004988371,0.986911722329,0.79503690926,0.43874148222,0.00746449617441,0.972989199221,0.727249413974,0.372770894797,0.319978894663,0.708138783334,0.303522663013,0.767741576992,0.62567923241,0.613050280799,0.82352975519,0.944964258747,0.361203247381,0.72991809548,0.399652838657,0.868884962715,0.0408076986121,0.255431924581,0.895661662537,0.878114385877,0.162434816762,0.181083687551,0.951449244183,0.0417281832021,0.788523234087,0.945640811562,0.351325177706,0.462774716361,0.626973482572,0.179648138047,0.690539800459,0.809535605325,0.445695778179,0.0463236496885,0.850700645646,0.28128651086,0.0421874112004,0.373828043073,0.742083192355,0.94535204175,0.603599785725,0.960123548853,0.787320765775,0.890019061117,0.439326564603,0.718116479794,0.879348996435,0.318309273476,0.339560871616,0.33120864274,0.377987749119,0.776332857934,0.456256774631,0.191105871994,0.0219834753869,0.260065979791,0.623361667403,0.230990778896,0.432067972069,0.833575589935,0.99259159458,0.553171622281,0.812067970956,0.0365391526245,0.396619771089,0.681740524618,0.671342603288,0.0654789176677,0.317945021875,0.662838250014,0.784330244093,0.46903756228,0.584218456339,0.464430501211,0.0518624516261,0.310606946168,0.868064613259,0.801836256984,0.682683396018,0.575719469329,0.271365248704,0.620619518825,0.664223233786,0.279433242426,0.858622025557,0.585834717173,0.202568216412,0.0882898861599,0.720064165922,0.401123960713,0.923842638192,0.393923019156,0.148463817992,0.583221731919,0.51673504628,0.252158058258,0.702795509004,0.568205240076,0.373170450917,0.384494649529,0.204661846468,0.996554453694,0.331547073453,0.065439280241,0.347703242522,0.260298779391,0.777498847257,0.690846971332,0.0378234036071,0.855092140581,0.0763881728613,0.908472930798,0.0075917918583,0.0781484721597,0.916927730805,0.271293806889,0.827279380869,0.838767586996,0.0199383766344,0.44818311978,0.795401786607,0.452717284276,0.0735267600213,0.220298241125,0.369099824457,0.643371337247,0.398527054593,0.868273916536,0.22580930759,0.248156210094,0.186956345478,0.423156601779,0.884242172421,0.70864887351,0.826948646575,0.463506505942,0.413341524288,0.066602588871,0.337374972299,0.654949529585,0.533861843455,0.726846889791,0.239219349972,0.0612068379967,0.735609964352,0.729539261348,0.7998976286,0.723241378236,0.472056834893,0.820395702018,0.306736440392,0.894864455705,0.76329112547,0.497236126303,0.450797875563,0.743924669,0.539228302874,0.906656013902,0.251974309857,0.519082942451,0.461300248701,0.409582916513,0.61217449519,0.889154690898,0.175829948495,0.81688530606,0.518689839796,0.510273886053,0.165156097131,0.519533337897,0.461743620692,0.0212499687159,0.585034737447,0.460929318352,0.340046907145,0.571353191228,0.959779712435,0.840409034802,0.707434826731,0.428759116831,0.486570771748,0.768743790862,0.71369688443,0.759148019919,0.405588324776,0.59545039493,0.884512998831,0.826229823831,0.887524100728,0.211753736183,0.738890997859,0.0515909081577,0.395666886887,0.507641339197,0.14563302138,0.0582286075739,0.953930966129,0.0862301678671,0.441527357032,0.419388218876,0.328296953591,0.746222924468,0.417416433915,0.981595534333,0.195596287585,0.703061627313,0.886784648559,0.431145911105,0.0474421819073,0.95721091003,0.842706509519,0.0631654527218,0.0397789913251,0.0943205302616,0.890845982291,0.141063330054,0.220978404487,0.882609599129,0.903363375812,0.505541091079,0.805400091664,0.0633345042273,0.212087136978,0.636089253203,0.224526179244,0.405305842106,0.0416484093298,0.427483762771,0.92416178436,0.12321035827,0.137102112212,0.225491708588,0.0474905857824,0.633062955074,0.751425515697,0.160974494298,0.495621146976,0.858082613044,0.382745743148,0.806834900033,0.793772913376,0.978178644157,0.00809348637515,0.644387008197,0.149417051534,0.710084539412,0.0522630048384,0.963567588949,0.529598782928,0.376829415566,0.0657863745119,0.523289873825,0.954982738118,0.540548274951,0.0910216628981,0.675019208977,0.633326496795,0.496967310784,0.785899588164,0.246158289969,0.716828648425,0.621961012905,0.303625505673,0.282365699691,0.139101787739,0.588102365337,0.46103904964,0.712289735215,0.94279003752,0.631703210336,0.0598336610273,0.313906215727,0.382594201253,0.116080160931,0.217068192337,0.869073306837,0.325692075867,0.754905862588,0.584090094126,0.0881866844097,0.8651268148,0.0561808054865,0.303198884815,0.453799469764,0.439528639473,0.600236969112,0.974888925472,0.818672545621,0.160419424106,0.0954141209785,0.565083587017,0.224852720745,0.929583961441,0.2335721297,0.583412271211,0.613172522315,0.29193166032,0.417836550441,0.367007436386,0.378540376319,0.381099878695,0.357823260309,0.352251026849,0.827573301747,0.129400086147,0.550977259075,0.114041702977,0.367074501384,0.527441390199,0.287265716282,0.434815608041,0.771943122467,0.703064110257,0.982809936469,0.202212291617,0.539388435318,0.62318905638,0.192094973454,0.372435147163,0.0588053188118,0.305693392212,0.436318161561,0.625923918739,0.826372910357,0.301074064049,0.415807810362,0.803298529401,0.828726243429,0.958944740254,0.268117212565,0.773919000106,0.882133067295,0.600679769837,0.33714249373,0.575441925969,0.828445422395,0.151371184599,0.575708716076,0.289537660379,0.878224688066,0.0724661157207,0.580903962704,0.412209475068,0.254693364788,0.92090148573,0.146418487682,0.293516894408,0.123606553415,0.298897213998,0.572931711395,0.0769991080585,0.269465215099,0.844957845659,0.793549590438,0.0588789740261,0.966274844247,0.925969193317,0.694218568987,0.344691018539,0.0884199674756,0.772082267706,0.875596470792,0.087884773121,0.264332245291,0.751695611218,0.981525878194,0.790860987027,0.303398700824,0.0577931320492,0.745185594416,0.066013091206,0.905943335053,0.302968044301,0.877521212943,0.727519686237,0.615380468127,0.484006878891,0.122642543412,0.949926434165,0.410398387133,0.424584746344,0.106839108489,0.559720745268,0.59085970981,0.0546531729863,0.818727640443,0.853529778538,0.647248619797,0.253712879437,0.517496484116,0.814146078349,0.419646236534,0.362637896872,0.382798941751,0.308886833847,0.0740083850943,0.699904881955,0.0247284270969,0.836588124871,0.769123455203,0.986435521406,0.281612498538,0.0479882591719,0.470304563926,0.989898768075,0.510774835645,0.61189774031,0.541741711547,0.344621560453,0.0776499289355,0.286836427393,0.727199684653,0.489739930681,0.802808981145,0.842419806211,0.465178666924,0.725213288373,0.363693909803,0.222933679958,0.906831576876,0.841348231997,0.442939374723,0.467991571256,0.708371274829,0.0343934694693,0.37968868488,0.718853443656,0.859070163013,0.321909320462,0.429565577258,0.39064224648,0.3498978504,0.317314987141,0.783513406312,0.205271596958,0.17241838072,0.446572006011,0.201510998728,0.903047717938,0.514432311328,0.558529599032,0.729943066642,0.503552579016,0.159900749455,0.0709287269677,0.449338899709,0.376012736372,0.302480814361,0.783559479051,0.447521280474,0.350348332244,0.773798408935,0.104495908943,0.405968782882,0.559887401457,0.284844957352,0.136008744523,0.665616613703,0.329197595205,0.3548421243,0.528482068795,0.810270234808,0.402744277424,0.0233142695543,0.9344080761,0.527115809655,0.459302851646,0.615871757603,0.848932415548,0.0419315399958,0.965259776255,0.0476917717192,0.661027114534,0.0857184177745,0.694619636989,0.202063994472,0.541133650171,0.71167378305,0.0856816594812,0.573145787433,0.32225485717,0.395773331419,0.234684840778,0.746892262109,0.25558468945,0.885558863926,0.333930251578,0.853357418711,0.910432914382,0.150712907366,0.519986511488,0.730403777857,0.425758948347,0.263518693123,0.416821964301,0.209483405554,0.732007828645,0.525302904573,0.90721066097,0.321204708015,0.572357722321,0.538663440315,0.490282877024,0.0341693319905,0.472142334123,0.975966264191,0.558380736005,0.514493317898,0.70731095894,0.833130181614,0.312397905907,0.583594839411,0.438000017211,0.528343379978,0.736742965324,0.338195550112,0.603882850388,0.0538488420405,0.447221788175,0.121983187157,0.238684727011,0.158438612495,0.953953753627,0.784461763383,0.544442885919,0.415884417119,0.205783741236,0.446360640349,0.939249825653,0.665577797665,0.802954891485,0.00269607434242,0.595443978789,0.20345519508,0.357010673731,0.923792764953,0.615486551961,0.132684397984,0.339276293224,0.332006410181,0.108500704017,0.294611905727,0.0847164880546,0.159350731683,0.586556842937,0.0308254300628,0.218206662023,0.272606452501,0.788333744389,0.849017241294,0.888335092445,0.434718440631,0.744500425864,0.0584782268227,0.704196230104,0.967441258855,0.569813345063,0.401422183247,0.0741173936042,0.954560263978,0.718284537056,0.993237456692,0.969671578631,0.406171765975,0.240550415615,0.0908674836204,0.813389754588,0.631557556707,0.993871781749,0.784763467176,0.905749087074,0.416997515829,0.596403224259,0.974044051027,0.633837483474,0.805092232741,0.859781670243,0.779701265499,0.730436091542,0.582577076321,0.0214361136863,0.0631225699506,0.855747111493,0.687958664425,0.229757838184,0.692451560014,0.930368695255,0.256845898224,0.668754634186,0.558673119545,0.169126325885,0.35519688591,0.931377766136,0.0450659086317,0.96107299641,0.75164777975,0.8666348694,0.265880238807,0.655954396733,0.387502527394,0.300811368362,0.291202391245,0.195130786105,0.989421336549,0.563348174514,0.468546203412,0.0517388943793,0.120533673462,0.188188516198,0.538475765084,0.042304292937,0.694806446298,0.742590645614,0.912905224585,0.314680052684,0.0385777198691,0.411365087707,0.699984984289,0.118970450502,0.365089682121,0.810320733319,0.337906965967,0.448744952713,0.641790899591,0.674759382795,0.133653195661,0.915339495984,0.479238999925,0.0106765993693,0.654113561876,0.112526143651,0.219064286466,0.0473085394089,0.473245227848,0.270243447481,0.452658655845,0.721279625297,0.282007886561,0.815366315902,0.372971653969,0.84270920726,0.719277779293,0.375708209658,0.397642766139,0.917119036225,0.191703652691,0.0692711391269,0.722994820389,0.913799049139,0.1313564338,0.204637748751,0.961001329359,0.490113868486,0.775063184677,0.393846363505,0.507149714705,0.457720420357,0.522205054847,0.847421025677,0.596798040546,0.463615246281,0.831952488248,0.0275484955357,0.230632699444,0.407495454045,0.27359386621,0.550118111182,0.380353530287,0.895875449497,0.499242814449,0.679295023553,0.970642952303,0.0984693852259,0.0431847431095,0.154226176787,0.345736358013,0.0947128458945,0.333726480991,0.406797551106,0.82118891335,0.984007691776,0.0286251144925,0.277817725219,0.105894532441,0.139488343068,0.820022633622,0.588934711821,0.843161025794,0.365543843116,0.888371695175,0.893344896799,0.398979977347,0.286995205227,0.324995777007,0.210010991533,0.961988541953,0.682781740022,0.375755894866,0.145075261822,0.2351567797,0.853680348221,0.548706657494,0.694776401677,0.832494907744,0.884101004446,0.329582975298,0.610936951747,0.917664846029,0.907944789877,0.733907220577,0.454630667551,0.48313760361,0.877577039221,0.416821891887,0.810186857984,0.95587603796,0.299504973343,0.634165528728,0.131100359229,0.0828951162749,0.404649423409,0.394146133927,0.917518882831,0.619479683269,0.0506662754578,0.51423925027,0.703032693406,0.867600800135,0.402672709162,0.703468381279,0.803370025566,0.311934250902,0.739519688539,0.393729196834,0.785060169807,0.794542871873,0.287037084515,0.786329043996,0.739086153192,0.926686367376,0.333525178724,0.742517372293,0.52316824425,0.306475901944,0.986701606239,0.328411143342,0.547366309797,0.908002153871,0.57916463204,0.992567895749,0.119397284783,0.834133134208,0.215697536174,0.290218058455,0.246189348233,0.654019930899,0.415480503339,0.926347308037,0.139829911045,0.922217353955,0.0219436931179,0.187860405825,0.126792679799,0.021995000647,0.125616194078,0.775447188271,0.852675329123,0.0797889796478,0.590957825989,0.983799600074,0.0816408775278,0.422940230141,0.73709134455,0.305225103952,0.495684010205,0.0959680105343,0.103594898602,0.20980955257,0.0569353480754,0.0118415015718,0.748606802111,0.476964386109,0.612119419354,0.229348449671,0.698015900619,0.457905004698,0.402512509325,0.510630646282,0.470748642732,0.314020803873,0.585761339295,0.396825635622,0.342781354402,0.237736732604,0.766336743525,0.596387121309,0.198894360128,0.437099785949,0.0342793777932,0.394136055408,0.800268678664,0.806277686073,0.153755035444,0.12742859399,0.465221094632,0.381657913196,0.0708591834722,0.470061022322,0.112289950472,0.272890066131,0.711397522163,0.769022960874,0.776695271135,0.61669634868,0.304476090321,0.886212287129,0.769380116661,0.406712472061,0.483546693736,0.672610063994,0.541043258645,0.738887835989,0.414097187733,0.830585941519,0.65397334457,0.100276377911,0.572407608324,0.205094212551,0.715864740449,0.648574742026,0.87501638418,0.999639458475,0.459671788021,0.175284228471,0.188719418346,0.599473947076,0.162070381308,0.590217749054,0.40102135325,0.405046451982,0.639122108915,0.783238958899,0.118887955949,0.847335404739,0.824071254808,0.00340840964838,0.604699261491,0.256143711704,0.57606714518,0.287421804828,0.385179636437,0.905196722725,0.793615095243,0.0676923074122,0.278428269713,0.282721945545,0.472648679884,0.512499839767,0.514923348195,0.776295121539,0.488930345234,0.178803687605,0.0502060033683,0.157360816768,0.277723242803,0.243352891357,0.822243478792,0.309820206621,0.63244278066,0.261237956801,0.822533837729,0.231198544482,0.254086678723,0.562106995658,0.240018588182,0.471450175567,0.423180632729,0.750687616683,0.25222878018,0.6546669501,0.743242231979,0.806756723936,0.102412934934,0.242725022237,0.177020040904,0.48435904359,0.844475257273,0.326003244755,0.322098371571,0.443810365206,0.525145077062,0.170073493704,0.284761700876,0.22012646284,0.129677526226,0.686438446889,0.404605760077,0.776038062921,0.72898061491,0.488764613704,0.0435607131505,0.830456164375,0.234447148347,0.687646457058,0.66591320992,0.71179979929,0.90014526225,0.809056883473,0.101676026879,0.692549041646,0.843436094849,0.749323936554,0.414927451329,0.177517428096,0.566956573382,0.248642300369,0.223829657575,0.078095716449,0.0285097961209,0.911497781802,0.244917284219,0.780828726951,0.0697026487219,0.381017420624,0.824977737051,0.860291271281,0.942930406717,0.0245924737212,0.806906180914,0.815351969488,0.48694918153,0.754772058032 0.410361227056,0.110522980641,0.624964977336,0.34602334632,0.175025859232,0.409536957429,0.440175568643,0.222321732307,0.433577996013,0.191322611874,0.365198369257,0.806618673433,0.700923140015,0.536100140565,0.660718428963,0.676271606191,0.92908668289,0.0199195355858,0.752705085391,0.771983674772,0.748947508384,0.455185074336,0.357852701007,0.392369942391,0.756868108671,0.956465817002,0.671869219365,0.807902694446,0.556885355448,0.496174443726,0.228874912949,0.50113501905,0.433523796408,0.393810185939,0.338571261982,0.981580483838,0.647614374741,0.163298316202,0.182146811882,0.75468388354,0.8724913131,0.208973731333,0.812328423414,0.787552430695,0.314871293993,0.742155276874,0.863514179439,0.152428026093,0.176124737718,0.666233144919,0.275185240201,0.573887058589,0.0830089554767,0.184562646434,0.885218328776,0.415162448826,0.963295700572,0.139365049823,0.188361161046,0.192724367713,0.559541015007,0.482655985715,0.234912272912,0.544603379682,0.844118362537,0.840000882345,0.917943704735,0.0998972811699,0.149134072696,0.943055276898,0.144444830089,0.89220575851,0.657885833232,0.00155299539419,0.102925346174,0.78477466022,0.859337415734,0.457038464939,0.707985483939,0.130406483812,0.299173397175,0.0134351890401,0.190113720141,0.494018741544,0.853671048218,0.0370361736921,0.126570932292,0.0104767587317,0.293418381431,0.676956657975,0.207023194101,0.804450220944,0.634966208106,0.771190611183,0.336688445011,0.57899485866,0.443209703813,0.331740447031,0.700369973035,0.213504842823,0.347387177178,0.447543112417,0.0770230086509,0.915292346667,0.223765816817,0.454794946684,0.370748053301,0.891598308005,0.413889491548,0.765384216702,0.76685634666,0.344526341061,0.56926048156,0.429022816911,0.870074947923,0.351802577069,0.788955619616,0.270591128195,0.131429860541,0.443565778397,0.0940554910329,0.894551038283,0.00694633129135,0.161129478029,0.583172992313,0.13088241986,0.131759528062,0.186269142258,0.732926984177,0.469414259644,0.532455350204,0.0118583509051,0.0184204830301,0.75210535421,0.381342987737,0.59700003984,0.869179105889,0.497218182905,0.0803870758862,0.475654537308,0.836216690626,0.755251294024,0.966199380789,0.50706544452,0.222160648168,0.283706262133,0.66705301184,0.894945533479,0.883122179962,0.66958619636,0.209686260812,0.83929452395,0.776426035445,0.329458278958,0.934087245916,0.0943591881687,0.405629145327,0.850077534997,0.0472394046398,0.875623954571,0.330232050155,0.693088248068,0.747891917197,0.125635231609,0.703138001703,0.795404922817,0.489798728031,0.973812897971,0.64481061473,0.964576403068,0.285990500304,0.874190764785,0.10972943483,0.153796807571,0.122297363728,0.256534597489,0.162072757039,0.406892790753,0.427661848285,0.460108550236,0.0387380087631,0.214569038642,0.693635806032,0.852029756679,0.187779271995,0.979909986481,0.587557628123,0.188287809901,0.302231013731,0.421920530122,0.756481654303,0.99308256113,0.661788484148,0.0891387298959,0.76953270256,0.200577898974,0.670133710969,0.684274607961,0.27604040407,0.287048098766,0.438135353611,0.730468823643,0.270365577913,0.848601399154,0.145240109434,0.10530246978,0.950524502119,0.197706361449,0.178639435701,0.277041227041,0.753261761138,0.0807139023814,0.22593656229,0.478123269218,0.354242783349,0.365999209598,0.925666092244,0.497272327659,0.776403262723,0.509993540677,0.272775534645,0.65806503628,0.819605992372,0.859576508347,0.937673482619,0.109314903604,0.457474478656,0.42914785275,0.194633448948,0.189367365305,0.666181814005,0.896280903711,0.695133867297,0.779043178175,0.825155980177,0.693263625104,0.780970394116,0.0969064182783,0.182341436072,0.620463638646,0.789915185695,0.249157954632,0.0410777053564,0.128013910655,0.210216903945,0.38292343232,0.283649827905,0.411152771891,0.394041204326,0.263736713874,3.73136003928e-06,0.273253641683,0.408386775427,0.757087435332,0.82067026767,0.0810944308953,0.504565363486,0.889526085668,0.584554399453,0.596629215855,0.919807849976,0.399043860678,0.176032830563,0.16691688221,0.897358588233,0.567261262715,0.281873369919,0.577735918858,0.969638820099,0.882799535569,0.300951239812,0.099832681308,0.600070838196,0.828790553547,0.250718620148,0.327130688615,0.253135058043,0.258214840776,0.638460800838,0.890242421502,0.696480825526,0.484603100606,0.472367312482,0.218190998502,0.756860267443,0.323214248757,0.174984889177,0.169681036757,0.797939708834,0.582656850581,0.201007101101,0.57610306421,0.975481776764,0.0431933914477,0.288680019074,0.261283672917,0.056346572294,0.731888800666,0.745026808942,0.398725446047,0.468758825386,0.138448013858,0.0250774017435,0.401445698376,0.161111217973,0.568928205401,0.147901123106,0.434550663829,0.479965798606,0.0550264345649,0.454250075059,0.959075279391,0.137170752372,0.362774242641,0.635003797525,0.699050609588,0.0951470779181,0.384507221011,0.0688317184374,0.239060164905,0.833882744414,0.223364761539,0.632351821098,0.425518401303,0.542504832381,0.830979265368,0.919505244901,0.605806614311,0.725062770024,0.36513707296,0.0832129020939,0.853624273598,0.743205244394,0.392790232019,0.0408741055729,0.813485351002,0.591486767377,0.118734327928,0.153764867137,0.31322457787,0.132887404406,0.625679697993,0.032482383644,0.185739914437,0.252225246224,0.671865364114,0.238181758015,0.0949216257432,0.494242908323,0.435105730731,0.420264877794,0.950452472792,0.285891568096,0.216734310221,0.530494160902,0.8409875653,0.611082048861,0.736514455279,0.994963029158,0.931137616427,0.485508711046,0.537246933932,0.405229609856,0.537466187719,0.550640477764,0.0848214342117,0.438346472077,0.814792292713,0.0386959013778,0.485269982165,0.239798551747,0.0505466968773,0.0386735953494,0.278177418523,0.651362691213,0.0353306213969,0.227582876406,0.744128971944,0.680591851199,0.0382010902049,0.188015103364,0.615676861514,0.141059240555,0.0182194775588,0.193722070995,0.560213660071,0.986669735576,0.152364209072,0.296322178238,0.0853662279688,0.213610251677,0.570641065007,0.338351071533,0.478072389222,0.770735444402,0.553833441473,0.646628853905,0.051720558546,0.83936659356,0.0918577163557,0.581031931187,0.775600209035,0.340852227123,0.256088930641,0.805487125265,0.737583358165,0.8139081509,0.118669269737,0.517264193753,0.761746523944,0.767203536898,0.458795740211,0.110798263245,0.717292644416,0.0120247580132,0.527434955544,0.499115480748,0.840887589132,0.955453235221,0.614467172552,0.593390874285,0.269332082911,0.379643484072,0.132657227922,0.497366440926,0.594017296352,0.207488435783,0.994689243538,0.196627251359,0.257170850419,0.580278039232,0.64169836257,0.723164524993,0.587355814876,0.192025890204,0.71078750782,0.468603401414,0.517952227565,0.149052810925,0.203319455041,0.200349648764,0.780843341382,0.846327347931,0.212901601148,0.689713737682,0.824611101164,0.438460050251,0.796617989147,0.319059410461,0.663183850126,0.100894201734,0.349505375255,0.913281188713,0.12570512028,0.606833148633,0.972606879829,0.254455797046,0.832348617207,0.16802692684,0.990350400729,0.685608325856,0.301251078827,0.380676840537,0.0717498277787,0.500391914454,0.285663747884,0.707715294631,0.276819991302,0.0168976690182,0.273448338243,0.447301526706,0.185339134272,0.294024007816,0.697964794329,0.486214496411,0.602982738965,0.224358072237,0.173165124357,0.95669627955,0.891314995992,0.855637784696,0.0556780703205,0.00519746374252,0.71901875038,0.767613692563,0.802473655991,0.888069215841,0.496807827814,0.028375386924,0.560129418202,0.395685213751,0.362206129416,0.574672115623,0.261609273942,0.683463880794,0.33424840869,0.0855495732131,0.215472187673,0.00344233926598,0.215537374746,0.27250300041,0.741795765262,0.136047111377,0.965587039398,0.663709267262,0.54055329122,0.363581491809,0.940821691599,0.512051104007,0.790519255261,0.540379779999,0.76112899511,0.797249028268,0.41103900111,0.175865687918,0.120974007004,0.146679986191,0.284136383365,0.553210920736,0.527310678394,0.409210704234,0.32954408244,0.600332731063,0.80203908279,0.188228793803,0.810605145101,0.849600867893,0.436438691384,0.28518977362,0.423412861312,0.716824167747,0.415027798513,0.372954149506,0.580137230561,0.716405534305,0.758757096353,0.57947577601,0.250104083996,0.408548494018,0.106315027987,0.98223812665,0.138736032657,0.445513017494,0.707622267792,0.465839084366,0.117243989577,0.654914210535,0.456075617199,0.927257225005,0.718009067913,0.263686484596,0.336529817193,0.860683405309,0.197173594957,0.471194212431,0.568795402352,0.571461216608,0.578385078823,0.552282277934,0.616311314658,0.478398187209,0.26999676572,0.617329945813,0.20673184808,0.214708161549,0.0147273240128,0.782968833818,0.58031265875,0.654977643388,0.354384524209,0.352647682707,0.0158160998569,0.892813640219,0.241916695084,0.713558566759,0.613689832486,0.833186705101,0.487482931295,0.485679060483,0.0323663171837,0.83257143496,0.873531848358,0.798366012086,0.302368719512,0.907977050843,0.278458607238,0.0277004396457,0.334823979987,0.174394508649,0.183764537964,0.440772863743,0.147299673423,0.713788678837,0.0788309162658,0.496453092606,0.0186473145402,0.565808701256,0.579563112166,0.404873215054,0.219498155921,0.684864629415,0.512080013249,0.617164834761,0.930611987536,0.514474452088,0.437434140035,0.344212153326,0.0258317788581,0.52791310273,0.0744448116937,0.689654011485,0.107189042708,0.830116000176,0.693969006829,0.66916483652,0.255699058656,0.339026283254,0.290469810647,0.161006722611,0.342941475192,0.611592406624,0.767123203387,0.312423688671,0.964664232665,0.0594612784761,0.972950093462,0.971057074044,0.873406668492,0.477291995828,0.0499691883333,0.688354432464,0.269446452228,0.196752198559,0.940188337943,0.94814383038,0.180758791452,0.0408290672488,0.899742398043,0.974038367549,0.118888472052,0.244969813423,0.234531653828,0.808960458313,0.378117147267,0.583815191252,0.511219913844,0.44240221415,0.635489663184,0.357221523809,0.280852911436,0.497672224427,0.305602061486,0.884183269678,0.821899032289,0.0915544971132,0.417335049546,0.335133096349,0.576369582568,0.339184047843,0.899067226053,0.87811365017,0.215694984718,0.628392265634,0.175492649649,0.403517984196,0.41052491053,0.252585214413,0.968469975998,0.136716077636,0.4717261771,0.210831559565,0.831225691194,0.184822450572,0.149299825861,0.308739251,0.22047033188,0.92960581962,0.0202791932817,0.388175631745,0.794382880433,0.160288689052,0.676422095676,0.394023099946,0.722464188264,0.683483246684,0.587051180559,0.341272905495,0.243896293564,0.104904915464,0.207649581927,0.175838722634,0.575756820199,0.764719473534,0.199129308236,0.251694411232,0.938637784261,0.675063274119,0.873309999449,0.0502473926281,0.546107198067,0.311549040791,0.263144655986,0.156244850094,0.664712643154,0.247807748965,0.871601111159,0.654611721973,0.821735413097,0.120719647371,0.450320317934,0.760832392283,0.0059661660956,0.628032133498,0.924718774819,0.466652264856,0.386163361635,0.864757862321,0.760484261232,0.299302171874,0.923793389461,0.142371970087,0.848848409394,0.154934682151,0.598925522774,0.130720569664,0.34300606474,0.304687542023,0.13371211872,0.677170747864,0.454013807224,0.597081223236,0.298097073836,0.965806992462,0.459687275009,0.610513152323,0.084311120291,0.396802678699,0.0122631726804,0.441376133387,0.990108395612,0.46948424835,0.132031061605,0.688323933978,0.693510881951,0.152621944787,0.436917832951,0.502940206985,0.183623392381,0.687337074186,0.175750297263,0.0318835088532,0.240352798072,0.132527328079,0.611232834421,0.361776364168,0.939377137176,0.10849677392,0.682189203275,0.794765866726,0.200871781352,0.633764389376,0.977795830031,0.572870683663,0.998764205485,0.767603154726,0.708761346211,0.00854449958705,0.703515197995,0.993414803623,0.76003515305,0.0872124053428,0.152200939826,0.311988539536,0.0286595413273,0.482845844763,0.470258956759,0.545809556808,0.309619623948,0.522634282478,0.624578713699,0.843986456691,0.869872185083,0.261472655181,0.615108898863,0.732281865774,0.49340931935,0.940086298157,0.656803810547,0.970703706387,0.464999740429,0.350232193775,0.272113914669,0.303335643807,0.675186841492,0.905795286596,0.466543506282,0.628278317188,0.0327707378997,0.745977994062,0.0760188584923,0.114110201044,0.599247479181,0.567236633623,0.0295392666088,0.568068533891,0.766078986041,0.669536431337,0.414109906183,0.0790479123823,0.0770086450254,0.148986511119,0.678638160649,0.00626722130338,0.661178136129,0.211604507948,0.107784088702,0.106010511606,0.208780738948,0.151030774163,0.834124260717,0.271346499576,0.970130957369,0.330127499866,0.160027440052,0.84470666701,0.699231261032,0.0623429486285,0.749062082678,0.32701910013,0.248746418146,0.0765994090283,0.558869347789,0.961076734778,0.410040629609,0.356152819058,0.921591697592,0.75806424073,0.799126957834,0.573765110304,0.259155414272,0.329377554892,0.790620879581,0.936148782029,0.40240239202,0.585265516895,0.641802902709,0.116947808101,0.300414887071,0.337571867528,0.368876151243,0.281703191236,0.427968974715,0.809670381605,0.250406400185,0.574210622489,0.655291491669,0.164707405745,0.170426722825,0.578211582033,0.770291679165,0.988976343981,0.26270805179,0.982936687527,0.352468957954,0.316948313093,0.74790343982,0.959048716165,0.423041094154,0.884898224646,0.959516494721,0.497093261459,0.429038894698,0.0488731785162,0.527961380798,0.655942856766,0.605619907049,0.974077004296,0.620705849928,0.0177509869121,0.609914477551,0.791051574924,0.734384861595,0.745112494513,0.935089375701,0.429335905186,0.882902989048,0.629266553734,0.461203443107,0.263611505047,0.615348574238,0.592277925528,0.259077468485,0.687870891839,0.234240037629,0.944367258544,0.657882403721,0.658825800483,0.998709901492,0.443999910582,0.229774529376,0.264547341382,0.575717104643,0.543005543609,0.00323025741126,0.534519740756,0.768590157241,0.656050541661,0.442715758269,0.80004355883,0.0956279183375,0.39446694644,0.11164904843,0.921692697944,0.852822455173,0.52137800046,0.532290999762,0.149039063281,0.0972628956235,0.378650501212,0.178209833424,0.994953582259,0.150204878343,0.191770420822,0.740750980233,0.789247724523,0.814482272887,0.0980808476069,0.809004932693,0.719911287945,0.503481730025,0.143677060861,0.580893797119,0.721893364311,0.680504352719,0.434068556128,0.0256016751588,0.775072626611,0.505220104516,0.856016465282,0.338560379383,0.851284685477,0.612396249488,0.122345243656,0.492319856794,0.502694144304,0.851181959244,0.669090654562,0.564219208154,0.114377104812,0.158362849342,0.671668015863,0.0181510113206,0.304508930658,0.22777192506,0.00682007221718,0.056684108219,0.209492263215,0.308990720181,0.456595431088,0.776315165777,0.783656875397,0.0244364938021,0.623105812144,0.901955270486,0.460717440795,0.208360954202,0.222407351193,0.503101618204,0.469445772577,0.773672693876,0.220133511985,0.476926067502,0.342733088007,0.201016592014,0.368085513953,0.177645682883,0.866362728468,0.360374879138,0.423000312647,0.94975089515,0.674049708921,0.997091898041,0.0568882212893,0.81558312284,0.623163333958,0.208472517882,0.384423436951,0.644982767447,0.42131880113,0.851294440533,0.51149473581,0.994434978261,0.651975493657,0.180247925897,0.229222754681,0.120363452118,0.683636893441,0.554105104436,0.316209935652,0.0188488652083 0.906104182206,0.799015118826,0.482341105699,0.0391800440044,0.486502907592,0.714432431356,0.661905893861,0.204868803793,0.194886265677,0.872892434036,0.469172364961,0.42593614431,0.999663434006,0.975910862086,0.047241988693,0.32261463552,0.309946045244,0.939992528503,0.294325334392,0.875563680298,0.580223837528,0.679417733069,0.523583752642,0.947428553735,0.791950184406,0.431395913168,0.922911971746,0.432895423448,0.0766492771237,0.629241961496,0.43861079898,0.594032590152,0.593168459375,0.61674061074,0.158572194237,0.289294568366,0.00607244009714,0.748203658184,0.945923600181,0.608380222515,0.842348769912,0.969560123823,0.602650096388,0.374331029207,0.0367962657317,0.910485346984,0.325987334338,0.422121552263,0.458839360869,0.806962903366,0.581923559161,0.138600864725,0.27107068453,0.855310272215,0.897044513174,0.256975237287,0.617699084632,0.446760610346,0.880974308808,0.500720881613,0.74652096049,0.596299274104,0.522026395122,0.533339749123,0.926550886317,0.360348503323,0.118297115283,0.596369052717,0.811691155334,0.741441882364,0.405479652237,0.845740883229,0.799289156271,0.439074874435,0.95341694119,0.34589722851,0.769283354847,0.786213934732,0.258938955852,0.460706630104,0.734397969793,0.760015049806,0.587555850811,0.671547189988,0.447866260759,0.306664711798,0.203516354676,0.808464624797,0.713149598884,0.11160284901,0.657986347453,0.0241546544362,0.655588740366,0.18817199659,0.866256409774,0.645192513997,0.82179142586,0.42930686929,0.330709043103,0.453938171492,0.58341309163,0.577805475972,0.899956648931,0.374939507644,0.103511646526,0.610093147485,0.118866991766,0.45135130851,0.760867603534,0.87721047608,0.805100877291,0.763586491777,0.305300817223,0.220986010265,0.700390906183,0.828148257497,0.397011414368,0.78626961723,0.385267292924,0.356217382484,0.453887790592,0.501591890972,0.743713209777,0.29506536851,0.940238664147,0.814965972046,0.505093220535,0.495221186947,0.95457198819,0.150065900152,0.11640747985,0.0156084888418,0.139471555679,0.680918891106,0.341185178226,0.582356378716,0.329531403378,0.291483038135,0.962069008929,0.186751648166,0.379014713773,0.438773272268,0.473561886185,0.134586024928,0.440961345979,0.927019603152,0.955746881685,0.273755547197,0.361134199609,0.058883898874,0.480686063578,0.511951484082,0.340568778914,0.143947273589,0.885520500933,0.528942984128,0.0806182373828,0.262803277989,0.765217119697,0.836326294375,0.387829269565,0.769700374542,0.127598450102,0.520742168319,0.920516376825,0.296317512237,0.2925574091,0.0390982129827,0.0200694581906,0.226919160173,0.879257460652,0.755722438025,0.035777789608,0.894399885837,0.0751430844014,0.25473263495,0.850823692736,0.686266026843,0.412081756902,0.610375724003,0.750271301307,0.601707094396,0.604676392161,0.08684067234,0.723213676598,0.366350386906,0.0694586844295,0.129031967534,0.0340461341886,0.541838646708,0.849470049178,0.165388876052,0.596621559052,0.738185568074,0.526845976058,0.528970054779,0.00734404244014,0.656141113458,0.557062968424,0.352436774952,0.194588404055,0.261497646686,0.381304603754,0.750152211057,0.514470747344,0.646960782408,0.122491287357,0.319999337381,0.00737235816496,0.389532303295,0.389230791474,0.0735310331445,0.468122739424,0.792461321813,0.40220103421,0.48173382816,0.698387431843,0.102548619206,0.92199415601,0.898115787105,0.878521573424,0.156881221435,0.76422349442,0.106574063752,0.448524546207,0.513339594581,0.60414861503,0.535841454839,0.100867640727,0.35663228232,0.531855213474,0.973755868889,0.534378949701,0.927807032747,0.78185921561,0.301330547371,0.521963554413,0.523767755498,0.225333092168,0.0570908152119,0.0919152421323,0.437362835175,0.723191772391,0.196036541936,0.264347626435,0.0316194718527,0.111522552118,0.811290418351,0.489678050233,0.0140856098965,0.210631409048,0.900305681557,0.399942925565,0.750712250801,0.254420846452,0.476276852112,0.757513824375,0.936665638901,0.439629421597,0.059485753736,0.357710857266,0.0547589926084,0.570551410502,0.144857030015,0.777478577324,0.483869252602,0.0824749752454,0.666146035358,0.853473441061,0.801520751275,0.353023383567,0.689457121,0.178741994847,0.269486862128,0.944050028413,0.332447937508,0.925741593447,0.638490466394,0.771930554064,0.0448877942085,0.904567929159,0.666567202952,0.48416604693,0.39777068057,0.704987470132,0.0911668898728,0.775630950864,0.43636964562,0.0245719006643,0.678812598409,0.121189287998,0.700222565953,0.485675151575,0.111769252449,0.393031800868,0.367470614453,0.897174356443,0.333148622188,0.0783600655778,0.773017366579,0.450073965844,0.375954211803,0.208398598748,0.397439736368,0.561983782207,0.354507681835,0.369273202204,0.914268578026,0.806008835353,0.0794047357689,0.250819091198,0.413468635123,0.0972776311799,0.649521163964,0.0200251798376,0.441204223203,0.0519686421397,0.0883708264146,0.111532931192,0.104264702619,0.208420933055,0.543531639786,0.15084472931,0.0179647148985,0.94932499546,0.168293963755,0.39648269705,0.682247729018,0.591231067359,0.218850714802,0.528193940622,0.756651048566,0.508458980062,0.896470518136,0.333966286232,0.0312400544648,0.137834674836,0.074237701965,0.916453786944,0.632097802606,0.846982052083,0.131353520899,0.00945022339688,0.876584897328,0.0377603657407,0.932712935419,0.836901394597,0.819549994178,0.176670639071,0.547376869655,0.135365126684,0.536594735423,0.47620980221,0.536758856118,0.549938767723,0.392069130275,0.853838444435,0.0661242140846,0.814916512873,0.555300225583,0.489214148122,0.416966132363,0.571599808374,0.185342758129,0.210549422722,0.140764971799,0.219172063526,0.114369564299,0.68815380306,0.55194086941,0.573945499179,0.634703458595,0.587729099986,0.567570094275,0.224980295563,0.330719307736,0.499749806245,0.164560251517,0.865419436324,0.299494147759,0.230711999248,0.0821571260301,0.260156135226,0.311469182241,0.890832498175,0.272745137589,0.817131096822,0.0127206008979,0.491130681227,0.894562929737,0.576786578772,0.529897342317,0.368609394535,0.574035776176,0.0564795494748,0.800112395386,0.812347220639,0.662508532213,0.590480697655,0.714424888624,0.483392028973,0.48254733717,0.391572851832,0.668496753077,0.245275811019,0.127208056741,0.147236285935,0.0613621653315,0.20874048276,0.30390427709,0.905698493121,0.0443816055569,0.454136810316,0.0489815469299,0.123483510736,0.139875340338,0.215984134557,0.667267207015,0.948600864745,0.152140842562,0.366052117448,0.740627681632,0.216533661657,0.767841472331,0.950323572134,0.637580893016,0.327245314567,0.782584173011,0.249993134319,0.815720374767,0.391725392105,0.101839468386,0.210359846963,0.766843531191,0.744669856521,0.40691415896,0.155667507111,0.637748729826,0.699276639179,0.0390563104994,0.103812176225,0.313871541441,0.387129880177,0.56826032804,0.0304666485924,0.49436303259,0.565926320875,0.320484888092,0.411859115428,0.525012245065,0.0576038051111,0.678387095328,0.243452586779,0.442290507158,0.773208632178,0.418631367815,0.578388980301,0.203954617019,0.696652038654,0.739167925627,0.640777702764,0.562303915794,0.459337868502,0.201718870895,0.212515786601,0.458619599111,0.259996732054,0.814569120932,0.0637507391734,0.63778370401,0.0799333323065,0.283282721914,0.082353983887,0.0117968685113,0.397216532057,0.815839092517,0.913512282201,0.704253787635,0.856231928009,0.796996028817,0.177758378693,0.274411777426,0.256894142127,0.974137865978,0.804808839715,0.0264567323336,0.575723953569,0.0601014206089,0.413609340271,0.206852502807,0.404839550617,0.878355346018,0.00252531278742,0.712828714083,0.886958154248,0.687098938117,0.923523106545,0.681376782128,0.228153131643,0.58037774856,0.7615116053,0.606486340908,0.398874299842,0.994472878282,0.730168720527,0.273183934601,0.0411727720839,0.820985137134,0.370085473804,0.377956315636,0.989798325856,0.920222106415,0.00310152193273,0.397358451238,0.352750804399,0.374407846638,0.304193871512,0.663936421387,0.808402476374,0.56227264543,0.64865399942,0.336896514227,0.274559684948,0.984121846774,0.582715798529,0.375071327102,0.377861153957,0.829031066419,0.445537775144,0.162193144766,0.7693803282,0.202567061651,0.312535352124,0.293285859295,0.266127412268,0.491817527022,0.630147044322,0.395335998382,0.490600475823,0.350488823626,0.182834540391,0.0201922783727,0.0996801922256,0.287209791157,0.0543454549066,0.215955042499,0.273453972515,0.358676729134,0.797390475855,0.813631217272,0.230996918287,0.332944753827,0.343054853722,0.113105726789,0.962765703572,0.743482956158,0.529865252264,0.336832315723,0.400924219158,0.949881174513,0.107736284946,0.492442648757,0.52560009721,0.913004528351,0.222000459017,0.553429570405,0.815917458719,0.996589361111,0.179265278321,0.994880485736,0.654548954142,0.139884222795,0.308140391968,0.392029151593,0.342773688274,0.726873488844,0.176631612337,0.0564188276949,0.62060388941,0.822749779722,0.479169545023,0.681145941733,0.551537619905,0.167858579211,0.87175808995,0.375712110757,0.398409480641,0.766613072859,0.728688759492,0.000764993423746,0.4027933604,0.50264165371,0.729207365301,0.41928776551,0.2343276444,0.56101227189,0.893066134346,0.147850817781,0.714883534722,0.699510062855,0.95993904908,0.730095719351,0.822719751991,0.252819970254,0.0957586034812,0.11422416789,0.493227699104,0.654039660357,0.659521922696,0.727226952704,0.695470263901,0.358653903904,0.709449201856,0.456298983238,0.214797741041,0.441482122023,0.881694712985,0.922287043887,0.396946454259,0.210448283322,0.61818815422,0.965929733826,0.248841800917,0.40782349801,0.306618500748,0.948651678117,0.536891283702,0.646743481398,0.485643678882,0.0700588244026,0.989717281323,0.350955251171,0.741342941018,0.537000239104,0.841668698203,0.568383279436,0.474429785086,0.845863521238,0.394676189336,0.359625179351,0.613608008257,0.720495180698,0.470900320831,0.0561142864477,0.700672833082,0.887590942904,0.889177670233,0.982417119147,0.237893170624,0.687013340219,0.50896145023,0.514293480759,0.550225934667,0.657280251758,0.0335531011217,0.390239550843,0.290631588281,0.646247819205,0.207037440712,0.776362078192,0.596376019256,0.40541169149,0.267962917141,0.806777378021,0.526128410051,0.475928806999,0.18154587109,0.150019356589,0.338413565423,0.0305213949072,0.775494468483,0.95435027834,0.956477406278,0.143619676224,0.0600676541719,0.0208190214054,0.472136669864,0.247625886978,0.416579537483,0.275891381916,0.312501108703,0.136352761533,0.309721129861,0.375496317592,0.507265644815,0.244304689817,0.229821002337,0.963776644783,0.212919660965,0.0931057467632,0.690475614881,0.826673992709,0.476686036277,0.573130432576,0.775983194808,0.337648912838,0.83915375549,0.136243021661,0.161255487635,0.591773370657,0.448815617873,0.591365461527,0.147652466905,0.409670791068,0.553603881778,0.109283253109,0.885964836524,0.00600484761465,0.428431229811,0.214792693618,0.868723595284,0.0462934868562,0.073265142654,0.677246487281,0.606591161019,0.169277171627,0.635797537799,0.390861272243,0.0946635171641,0.868411277456,0.393631193614,0.348981588678,0.965991629657,0.0749678575856,0.188732944463,0.657092686311,0.19326473134,0.514122542134,0.0034004680133,0.898423957768,0.311203448693,0.978676155446,0.77369514642,0.823050527008,0.114733800869,0.826787320054,0.0720228169857,0.739601256949,0.381579206318,0.411665231957,0.398314740272,0.762439433785,0.267154595986,0.54610753438,0.193375003623,0.0629572846622,0.81353099586,0.139581184144,0.77622357391,0.853985683815,0.529297504621,0.111862685841,0.0706989063386,0.558206307809,0.255259147386,0.897730192855,0.308877262745,0.23802688459,0.452445262696,0.23520720076,0.811303855141,0.818627788614,0.32918887466,0.76574770012,0.691484373276,0.367873228379,0.627792779394,0.0971349208835,0.647859825732,0.950785370673,0.419966620395,0.858102916106,0.910574757362,0.406456937345,0.272170434408,0.342233603399,0.205344792191,0.828704235511,0.975655372418,0.167483323533,0.491496879612,0.643467782524,0.221982386018,0.39102785081,0.221252003591,0.911313774264,0.962085153286,0.592740984141,0.823342008558,0.538486273883,0.676150921694,0.441067023332,0.539891038405,0.0437439469793,0.911856354208,0.473640104915,0.450612882948,0.266960373912,0.0447461220176,0.639462248369,0.535948797552,0.566229876631,0.355398316381,0.0481529637833,0.258444272659,0.59337220888,0.244629029273,0.367446354749,0.837486754645,0.354399720486,0.947616391441,0.604981247077,0.282082834421,0.255367399767,0.0436175989502,0.615856331491,0.280292731417,0.446673303853,0.215996464305,0.693356740105,0.98361444452,0.266801139102,0.70606702203,0.247385945306,0.357146253138,0.507118423132,0.417507750512,0.656181467634,0.116643909342,0.117356759262,0.0499552528926,0.524723054399,0.52631292032,0.752059830496,0.392805862398,0.778294663384,0.654059717212,0.754778150585,0.702898110481,0.331737399958,0.258188638139,0.387216144279,0.972407741609,0.81090341568,0.21935586566,0.518355768259,0.908421390817,0.308354070947,0.0285611928291,0.11305032939,0.344279179364,0.214005459401,0.924543195009,0.884984482651,0.228963214887,0.907680941089,0.787260525874,0.587980929236,0.677706084183,0.458325523496,0.68196347194,0.957711222352,0.757406644178,0.349559843271,0.699898478664,0.598716775595,0.037665608204,0.271629944585,0.181619859342,0.672015753162,0.707656959083,0.471169097127,0.547931150777,0.731194882026,0.612944006358,0.051519921655,0.676813705298,0.196908210973,0.639475763423,0.192541145315,0.667455491816,0.341271561441,0.543710268709,0.58826984822,0.742367415912,0.673247839776,0.27117195543,0.253194183845,0.698697161379,0.0747017283457,0.933071332346,0.712258775942,0.546235689898,0.45223881201,0.31627226738,0.499675870748,0.656321248167,0.606469899188,0.11735741239,0.839588018458,0.194103521576,0.993296320614,0.204076516929,0.884558746035,0.917367097084,0.473094131477,0.149395661537,0.337171181951,0.911558011134,0.608916223306,0.598703161694,0.430904948844,0.0599117764924,0.0326277448785,0.246501937247,0.0165166744695,0.945114779752,0.58397959996,0.428198788463,0.25365609431,0.767032501546,0.815975618481,0.622800022701,0.897507434818,0.970844283726,0.914795356498,0.27704178328,0.863108846235,0.781527264839,0.55652759247,0.853938452987,0.390222802292,0.204251845419,0.1407023479,0.586881659832,0.421072039232,0.138315755071,0.275769813864,0.194215465639,0.675232048828,0.655610636351,0.366739671569,0.0947094254072,0.123173104379,0.638358675826,0.400725424505,0.118104519866,0.696702049514,0.596685796833,0.405550838028,0.776860134761,0.599191197921,0.0406902698986,0.488333579783,0.671622985521,0.965239434689,0.516216498088,0.656017515187,0.0896476969882,0.44063235335,0.0312047200776,0.386136717261,0.814351036383,0.362879339232,0.35502565363,0.483378643167,0.538400894335,0.269451175439,0.988497799166,0.882337392144,0.0871789786838,0.597372364216,0.810774869225,0.351266927479,0.921961482505,0.0955623970574,0.234194809087,0.962980381128,0.31754118404,0.9957575569,0.863025382105,0.279619819658,0.88365533839,0.323015082727,0.585070201957,0.857140769425,0.624027868937,0.56669592325,0.0748043209324,0.281163895865,0.284983771749,0.502810777161,0.48110218477,0.303271516706,0.173904219448,0.163265448001,0.75020506772,0.595017748298,0.356644083195,0.969289603305 0.843634691432,0.46083003582,0.0457221781157,0.353975639562,0.475497703569,0.760611492096,0.59762401639,0.880572415336,0.873515842504,0.0269843960167,0.108308051093,0.527950070801,0.579396423036,0.835600214145,0.0275088821851,0.269171625902,0.49499140351,0.865653198113,0.0796030499782,0.48937244679,0.509384303426,0.86444277973,0.126158836826,0.125646663942,0.917395392546,0.820001093569,0.292088690901,0.153564178955,0.350981735656,0.0244263977524,0.895250035274,0.37551115573,0.0804005284307,0.0549964347863,0.0643782803522,0.647730184386,0.481699185356,0.267560804861,0.84170543467,0.526017071103,0.602085891455,0.682364139559,0.828751684814,0.38887833086,0.338627075458,0.829929019581,0.945209080741,0.918581751893,0.414913239794,0.138501670803,0.770549719176,0.291121869675,0.839479171229,0.411828710444,0.750241539612,0.151102305974,0.359418789411,0.403451551204,0.176715449867,0.768925873678,0.710343480519,0.888337812572,0.206420918177,0.221350136893,0.440531596103,0.207290803873,0.203537219966,0.128226372888,0.216996441843,0.424472787425,0.0770581593434,0.40782436135,0.421869072616,0.655665174685,0.295343296166,0.340659836469,0.619777053577,0.217503853952,0.521556852843,0.855298995239,0.934535032406,0.1596111074,0.155680068258,0.698120145541,0.402952386388,0.24029844668,0.327640037178,0.0772622381925,0.0603795253731,0.278363604641,0.183162912838,0.499174629842,0.107375472796,0.921717841319,0.683334355513,0.0386842650984,0.743265074078,0.359695903925,0.598046594311,0.27295807256,0.482393222163,0.515967389103,0.813959220912,0.820551753497,0.857434584926,0.553180879621,0.257768793801,0.42238778787,0.479736564637,0.381065461984,0.509671202175,0.342518135389,0.350679399373,0.0257457648073,0.0225664541212,0.952694478671,0.130412116975,0.956841987229,0.78003328082,0.280910520271,0.53123292458,0.211896082135,0.273056441092,0.731612116271,0.494956787103,0.820803582097,0.868327067813,0.336026042184,0.970248541311,0.709773291329,0.705447094275,0.326657221165,0.442028467138,0.109254612728,0.817540679177,0.510253294276,0.0326038171685,0.673412987424,0.848154972654,0.565082605795,0.0612686349474,0.717137859226,0.19162703329,0.679551565583,0.164609669807,0.0444569658146,0.196520590218,0.938517468923,0.49870635727,0.107161945397,0.563334612109,0.144751164642,0.0352033185529,0.385802013696,0.109781065008,0.292485458349,0.969830061383,0.755225031982,0.234435045633,0.73716653942,0.437825583061,0.863080134937,0.443719620228,0.134557019344,0.11248821482,0.210578066516,0.371721548758,0.616927535001,0.182997228487,0.517480548605,0.323283487863,0.742434916005,0.254166015056,0.500028207136,0.175336326185,0.698942303018,0.854068878908,0.138139454771,0.579577293729,0.907841724254,0.641677405355,0.0583109122638,0.797108904422,0.888882871591,0.0393020357699,0.793371201364,0.634993494342,0.668942337907,0.813608262409,0.238569698045,0.332888445776,0.583784176201,0.725092986529,0.208861938415,0.832743797595,0.738351841635,0.55357757278,0.201245062661,0.66394276254,0.175837386519,0.689115599902,0.136066687438,0.569101251345,0.534270298945,0.283820425309,0.198843385129,0.672461738934,0.836100851129,0.785514008668,0.476466407746,0.240736740346,0.858900395189,0.974380458065,0.472431417063,0.927422574071,0.490909917582,0.645520266493,0.259913209585,0.47042902492,0.00940415363362,0.80892963431,0.803535512855,0.542895650521,0.671891590214,0.248723073815,0.222468992224,0.395204979142,0.503932803986,0.302017251827,0.0800535446106,0.791700518061,0.479665259961,0.945715072462,0.183567911311,0.618327221298,0.494746618315,0.948043392517,0.75090351316,0.788670486931,0.607471706549,0.760211626119,0.526159896548,0.476636940974,0.894993588075,0.415368997433,0.0482567705379,0.771436885632,0.196633867208,0.0166693222605,0.406414516285,0.231258549386,0.974080869108,0.077980844168,0.616563792642,0.893810404929,0.036229241869,0.91723686008,0.994709698526,0.653644639607,0.340122088944,0.630380773532,0.644623096494,0.0569210780366,0.93707180559,0.930078735872,0.655176192787,0.139624713536,0.635737359152,0.17252787835,0.0887679088283,0.676565429228,0.434631602521,0.210767268035,0.825306873144,0.579016035003,0.455557217321,0.2689352782,0.278959738309,0.363252031547,0.760995689256,0.263625621413,0.120827522593,0.0422642583317,0.409046016286,0.56927896426,0.033153614259,0.289637673131,0.522720776253,0.253655554206,0.331782238806,0.369558289354,0.688601926433,0.2237675165,0.620454163666,0.559775598971,0.959190386889,0.227482258878,0.290609964095,0.384740286475,0.459683270163,0.858112868576,0.299737792673,0.700563776848,0.738074514871,0.140915252082,0.592532111966,0.00236327708316,0.237213273153,0.888242610425,0.402260229217,0.282640545663,0.895070816788,0.879084537293,0.629027924104,0.678660270339,0.042634637192,0.250349515961,0.712035573197,0.266457804725,0.437585834351,0.199235291819,0.152063346818,0.487455455905,0.750009192114,0.838523860649,0.18426670403,0.768274725465,0.637040108307,0.276270272221,0.0673643387608,0.846902270846,0.712897395814,0.140104381296,0.577645884246,0.182177369297,0.122256696424,0.565271657187,0.130806044978,0.477561341842,0.902998983887,0.832718723841,0.172197984612,0.140682183019,0.768492510794,0.589826944087,0.317776686291,0.0884816169553,0.244772135896,0.097735457622,0.124248778639,0.344716641881,0.0708395368157,0.993080005,0.249175673329,0.0172624109258,0.785608561717,0.278830717802,0.51855062198,0.471042719296,0.18467426553,0.324648378662,0.545583469569,0.465785523472,0.581980456253,0.60356733233,0.172539611522,0.338925604173,0.410878209916,0.701607518548,0.399024920219,0.366916940511,0.278387151287,0.0729360632209,0.772345563551,0.391320135244,0.789363105618,0.977113775584,0.0990599381445,0.9031174292,0.160777086509,0.0616260745601,0.300650940527,0.704442507248,0.544550124402,0.250460767259,0.764252822713,0.441487336032,0.496089121149,0.464598041789,0.34796988828,0.751179581244,0.449424932258,0.676962255744,0.502362223003,0.0598067088442,0.060095820636,0.00764047869024,0.56670629945,0.988885166078,0.193165571064,0.744481112203,0.186397283569,0.890526304441,0.17205224713,0.278724337767,0.420096641547,0.123344319079,0.859516403292,0.742884924683,0.759559770464,0.2748390082,0.153467754018,0.457045996146,0.714835847302,0.984537715518,0.726411143137,0.178217617304,0.640981586427,0.866225076097,0.769348652807,0.423991459987,0.736855067273,0.383204682248,0.559467288016,0.617089286078,0.126921508763,0.670013791647,0.332982589605,0.798455326681,0.923091079009,0.13942817501,0.0392372426032,0.234231907681,0.991297095761,0.57651908173,0.558776630351,0.700289930421,0.212763657828,0.916280774107,0.828590875495,0.509634808363,0.551051865876,0.357197628119,0.275517464455,0.30635247975,0.529045129996,0.729994523553,0.357122005063,0.432141119791,0.00342379747129,0.919404204421,0.0833712104415,0.11904381414,0.89613305503,0.0209842555899,0.0892257053462,0.379850036982,0.716039870318,0.862160604863,0.486832881887,0.114068228922,0.632173682635,0.259618459553,0.244389771487,0.684568278242,0.42943077179,0.1887743642,0.22510513682,0.569008030272,0.720445690222,0.297805658638,0.174630019037,0.782827001667,0.109337639911,0.658998748555,0.581498184475,0.0791091762073,0.0543282876119,0.966846429666,0.137133663517,0.101414210769,0.817563607984,0.0926016078447,0.837853275702,0.321188090352,0.430356766677,0.0932763253511,0.120922425631,0.885356890047,0.208410899549,0.0196486093947,0.697508408797,0.467890145704,0.535336754258,0.628487745287,0.584233529902,0.974898085837,0.115661280559,0.55187493059,0.53665193379,0.866464296358,0.32206529054,0.00251364411098,0.179293819917,0.76006979656,0.631422795132,0.551495976554,0.921829987954,0.892313304462,0.471470848388,0.519836262694,0.917196031338,0.837027890357,0.739317725227,0.886826332192,0.571471182225,0.0936744558438,0.751569745063,0.575911526639,0.538977256832,0.937378621194,0.755875983087,0.505468302406,0.00352451836204,0.121999548,0.688235779735,0.635430538896,0.759520127851,0.839283995283,0.883327205308,0.215356945866,0.315181147835,0.188854508813,0.64052157581,0.419302960523,0.607288915854,0.444187313543,0.339798553722,0.682824912304,0.458531104773,0.745175264729,0.387239957178,0.649148099458,0.818188181907,0.779359516574,0.973191358033,0.0179143818214,0.188407359193,0.35914575565,0.785927066155,0.713898706956,0.284027069349,0.547905800621,0.49562732749,0.895033669764,0.559408696406,0.83864713624,0.79291898808,0.566823739703,0.756496699123,0.672573678046,0.14893703107,0.900953975732,0.231585174839,0.5298981158,0.534500572922,0.0298419843425,0.259471629708,0.105156314275,0.159490918213,0.55704977496,0.371606008264,0.729657183068,0.491770396636,0.731539827436,0.639389300552,0.763080637938,0.793142272222,0.617434423754,0.856143236101,0.616099222914,0.573671200836,0.80695049698,0.566626003124,0.408906850258,0.0279152163168,0.498201453283,0.219611595951,0.344763344344,0.674278458283,0.978867271931,0.654307054402,0.323198988275,0.637304416929,0.547862949048,0.20205564008,0.384123653222,0.810110991145,0.643496991763,0.911401982511,0.36933287398,0.0499964304413,0.95358590161,0.452412403653,0.610982692844,0.746219130467,0.547805718152,0.641331829989,0.823016474615,0.262158436518,0.886367692964,0.250097896913,0.219355374725,0.0949520547201,0.787301548762,0.37250629441,0.245669651573,0.319016089639,0.0440895010512,0.659144090972,0.461545186892,0.254947002733,0.608402572332,0.275301036198,0.138377992785,0.0730436121251,0.872191865615,0.563390567195,0.833668466179,0.270950655075,0.854831160696,0.196740913161,0.506173887828,0.00294372573627,0.418065770107,0.410179447673,0.0233127353094,0.957795394658,0.0861545885656,0.912734754449,0.318147617853,0.159216513304,0.242234427995,0.426218637253,0.107585578319,0.297274416127,0.150129721207,0.282504142765,0.790762975999,0.311752259048,0.408755738875,0.370964949162,0.590296194548,0.446321495515,0.685881805184,0.250746560352,0.354997601693,0.837736393013,0.202660695904,0.512539385416,0.673886682336,0.159326778223,0.0273145226964,0.674589895536,0.134928639231,0.458618333998,0.0133865754739,0.124111890166,0.510417760654,0.210858718099,0.0809265271036,0.370963062606,0.0257890071873,0.961896442378,0.854207034263,0.682746199067,0.913169171865,0.19105209868,0.132536730352,0.372929121645,0.983620748281,0.173812845707,0.762604146697,0.987209214258,0.894896715476,0.603094058875,0.673205775301,0.431350092971,0.962504188941,0.621969436982,0.182663210619,0.681691870097,0.0651125374494,0.767344568496,0.118076002232,0.250263967998,0.48730464248,0.833231121298,0.396569325678,0.470933826197,0.0552601600248,0.499338296859,0.737861166412,0.999030345848,0.219603649937,0.950573192201,0.419910280161,0.113959091831,0.713693108014,0.669941071623,0.911278338774,0.0958441540457,0.25483195959,0.442711199878,0.258090566605,0.686780183184,0.652521185772,0.170562000961,0.327179553884,0.916101554179,0.414710806539,0.0303727196606,0.830978205261,0.937853936165,0.437671303577,0.49917150386,0.3933832312,0.531557160195,0.0126887999261,0.345126028309,0.112648676024,0.160894221472,0.00518249693804,0.593878213916,0.131433759287,0.792758694888,0.447850814636,0.0130796647374,0.115552295829,0.650711451308,0.0526007441431,0.0609052967862,0.907635392578,0.650780060437,0.00960554458621,0.0942270452664,0.50731416925,0.429332570515,0.189566574169,0.602035487285,0.287029631138,0.137153942699,0.282622242334,0.28372068045,0.940445595734,0.169706005194,0.324818333407,0.985273267481,0.899512220898,0.612500776771,0.316074147675,0.474404498186,0.764355149364,0.921527186085,0.388340821468,0.490108157995,0.374160788065,0.934381598547,0.194084616991,0.934696705573,0.316625276434,0.960866727003,0.378274785561,0.326120603733,0.664979829016,0.981372909215,0.65697827161,0.605274152762,0.577366054365,0.568908314301,0.955400191513,0.622563389326,0.44911012388,0.324862086767,0.352808220203,0.0486877310055,0.789651125086,0.42790489122,0.72709842865,0.128445932536,0.546973421591,0.105975805645,0.693976076973,0.503459813794,0.254805669183,0.0937471082648,0.0723725100679,0.843261517705,0.436816048553,0.671116346192,0.488664828253,0.805301346267,0.987801267538,0.52835452894,0.397310968051,0.724891633074,0.787967694746,0.930447015734,0.311147970656,0.106125931193,0.729084219149,0.156042560248,0.977667762754,0.822525996604,0.11124952867,0.428543126106,0.162667003461,0.614122794281,0.0515003547474,0.375784955523,0.484056841764,0.659945351154,0.624290453064,0.8650855141,0.703626742238,0.694108750648,0.151575544686,0.80578090598,0.0850801002077,0.0869536421008,0.400194746657,0.927380267819,0.158942126834,0.338645199565,0.135808838637,0.150634306763,0.743980093758,0.761589687923,0.736439549754,0.708601496418,0.118746109206,0.687561822395,0.514887789305,0.0287160511773,0.030004908756,0.740315846468,0.577429934021,0.594428791303,0.380250082833,0.59756896784,0.794489314922,0.385882444963,0.0629691894183,0.66358750596,0.260332229566,0.990848672738,0.0516030813221,0.0511307292292,0.648994742067,0.246990330425,0.202377144614,0.432675528389,0.537261117007,0.0121655467325,0.253803249766,0.615909376377,0.18641729513,0.0545869496158,0.516584559759,0.710924014636,0.146927441651,0.667008614598,0.390011872192,0.745318636892,0.966602901353,0.405272374208,0.000906921871802,0.817938966791,0.175053087214,0.303120692607,0.936204424307,0.997641285241,0.216261030803,0.565490894513,0.278492648176,0.170384393902,0.320889352802,0.60534158569,0.467435328452,0.90800001641,0.401842578028,0.526712486361,0.00544069422907,0.373764672429,0.688709142243,0.796922399205,0.720282193467,0.467125466229,0.987844220781,0.153707945294,0.521262500652,0.251243512427,0.200495601348,0.0478589172678,0.673310857498,0.445396638392,0.262985628117,0.426944061166,0.493100545682,0.166070661524,0.987299071668,0.865411578467,0.423561310351,0.99543610073,0.859356215435,0.845711784812,0.987585277648,0.345871885981,0.404321624028,0.111366207444,0.712733022353,0.908360331068,0.582196111337,0.104959592332,0.798669717848,0.672884852479,0.522505705959,0.586127564595,0.234144603392,0.0702970856561,0.699931708598,0.192170199007,0.430489532312,0.264171285312,0.960652122167,0.459698925514,0.510749699,0.0325056038871,0.0306685584261,0.249149903081,0.165347107667,0.81029411509,0.239949085293,0.892539551072,0.319511780984,0.749565185161,0.957935478867,0.319628537901,0.671125436043,0.498283270282,0.148950011108,0.24935329223,0.586703508457,0.732660208766,0.558818531395,0.275420178298,0.108810667509,0.183655641571,0.931033621367,0.417081489767,0.980785749262,0.223303567301,0.0567342170411,0.581674690192,0.55397873679,0.271926254285,0.32073225111,0.746364161181,0.748343345276,0.766344827841,0.927098624655,0.037163628433,0.491030180444,0.799431563388,0.53930524003,0.824609004729,0.26739064153,0.992518188831,0.934597618383,0.385798691879,0.905628180494,0.200484915999,0.118723710561,0.421791327245,0.998428518412,0.320155367103,0.246785386169,0.661996638229,0.1735603198,0.739547664202,0.91499191494,0.0779907951104,0.448550081031,0.0475974387903,0.856810218831,0.512439869991,0.890397394609,0.448226634712,0.159733335104,0.646997793706 -0.0066127733551,0.548663304399,0.266551077925,0.55516834591,0.355081817644,0.713438823809,0.0852458509229,0.473118484645,0.448067713137,0.0647781619158,0.69100388207,0.22442208398,0.557432046989,0.257457763559,0.360828452683,0.715292428905,0.474523083033,0.7521478618,0.131201844309,0.166722338624,0.107616422166,0.479399362347,0.443507001477,0.501415287001,0.394921006719,0.215388031143,0.277820049612,0.117302197987,0.418115442733,0.257907528081,0.344050260848,0.618106014719,0.399457956524,0.393370243857,0.841616231147,0.052666917722,0.583724741873,0.576108108305,0.910825108923,0.220476222868,0.0559527774382,0.0898124694222,0.0713934682321,0.942358424967,0.939548734622,0.839805405249,0.845637893932,0.846001129937,0.339848167181,0.702868888371,0.498887232007,0.241010545248,0.813103821935,0.273301060494,0.523695364603,0.660194247409,0.620498936035,0.713978994738,0.68364839144,0.825357420941,0.636679794452,0.689894619842,0.390275175753,0.127504529636,0.207602111518,0.941773059991,0.16440892145,0.901285112358,0.167958339565,0.06192707884,0.631772353858,0.0653491824263,0.718528614453,0.817437328433,0.738911582125,0.408855684348,0.330340075762,0.931116048799,0.212699114662,0.328636390643,0.194541135336,0.906255317813,0.946239581489,0.813095008019,0.474597283572,0.168792785,0.546330565023,0.73328477037,0.425516392617,0.508411662903,0.575634992374,0.202836914455,0.904219563722,0.469443074456,0.092395949831,0.092467685192,0.686723284914,0.989513053335,0.778818787276,0.409974451258,0.816524949205,0.389460243737,0.034742277154,0.183230749277,0.0520209737047,0.77417844061,0.360400020554,0.748188244145,0.750910942382,0.746599921952,0.91899829618,0.708431377739,0.581927191883,0.58339564453,0.579063531439,0.723136161838,0.548782939971,0.640917179225,0.395635185769,0.046889426672,0.292209617565,0.87867045587,0.76834211857,0.17707196609,0.523121217234,0.4158831046,0.04324422528,0.528509617966,0.402887220535,0.328116390209,0.465802382541,0.49464613261,0.903644993914,0.762038002494,0.245569433892,0.672609191885,0.260572130476,0.832386665991,0.477130877428,0.145167733253,0.629166257151,0.687100259976,0.483474858909,0.14501515199,0.81844545267,0.288437862637,0.795601320766,0.801335206358,0.329001681519,0.168636176439,0.137247991824,0.664377673659,0.106340080701,0.277597113663,0.874455526001,0.653745673978,0.361721738349,0.00486205929499,0.860954978077,0.906205147845,0.542398000062,0.424971239436,0.43052526876,0.991215410977,0.220782449721,0.37573448251,0.795659710959,0.399533229367,0.300433556912,0.0665318937299,0.00810872058012,0.723414490234,0.807619462657,0.280064426344,0.571474310158,0.338156288471,0.389248373617,0.383405727756,0.044919973876,0.424524532527,0.0717604696436,0.767209761843,0.943752542106,0.469555076116,0.662345532209,0.313048985482,0.140793131052,0.32049245102,0.750215409312,0.114462747167,0.471455212488,0.252662440835,0.298244467758,0.0496974528579,0.578449907318,0.075389602226,0.82474058071,0.48255078308,0.650754913016,0.975952708738,0.00154795737527,0.865481844874,0.991990484929,0.908721696229,0.523506756002,0.172433909515,0.165448225548,0.619596815436,0.0896352765239,0.901168725071,0.830129008226,0.925092285379,0.980447947351,0.0996039732889,0.500822660409,0.224089704896,0.670802420693,0.960427061612,0.176398366551,0.927332827636,0.693181437264,0.87139748504,0.335938993798,0.00849779219909,0.291262934579,0.134782908503,0.619202929543,0.598903706251,0.881157278261,0.210927479777,0.921334810907,0.138171662045,0.127489050986,0.336534751773,0.0150680510397,0.497636274805,0.644661291608,0.991785567365,0.131423623654,0.0213496908641,0.315147501222,0.531572846315,0.148467554936,0.711706486905,0.731422842146,0.794428245324,0.810858332392,0.668630651669,0.274319879827,0.466726335044,0.543409203011,0.438566889999,0.250196036157,0.782469766508,0.0688130310027,0.380767042632,0.88393260952,0.538764967786,0.0790318008067,0.825870104298,0.274954375347,0.905497857317,0.871163681578,0.000104525168558,0.293426112283,0.94007148681,0.058865309625,0.876990193719,0.603785815801,0.468486968197,0.195566030897,0.800188584172,0.959035959086,0.408835555023,0.954712643964,0.869544458766,0.258982220533,0.920914273985,0.23461677983,0.50532018449,0.887563615697,0.202778349782,0.769675510524,0.525614020264,0.978236394851,0.696602389181,0.335198207809,0.0719171674511,0.667571460592,0.690029611952,0.573797147334,0.513708357192,0.844888953832,0.222377334666,0.86383175176,0.743266933659,0.332092448839,0.748783871403,0.912569393531,0.278608339596,0.3539062597,0.435535047531,0.626008223599,0.986670266735,0.864586699699,0.943643544628,0.185789327672,0.467399539624,0.718636197956,0.381649082897,0.980178557709,0.757169833338,0.453060359253,0.227972191398,0.375658398787,0.352428012844,0.554822992226,0.203111656207,0.402685529224,0.759709571692,0.188337144641,0.73612250415,0.106207633939,0.19111923511,0.0919140962339,0.81531278909,0.144759262883,0.325855832409,0.949184299487,0.148014203496,0.807549712838,0.79747121259,0.25582534403,0.643529764646,0.19025009666,0.50042128805,0.378754273787,0.394383285393,0.500198507034,0.645707747551,0.706703945526,0.228788309194,0.34592307573,0.393367204332,0.0535950949738,0.565859274611,0.0154209965527,0.354470524146,0.892974373698,0.534415828496,0.993819822349,0.181294531663,0.745040201176,0.927460431824,0.247869503092,0.24985377129,0.658153018145,0.626474971309,0.991438699045,0.523655416094,0.910891254665,0.106318769191,0.692645750452,0.304136815399,0.214773837217,0.205575011121,0.738152471759,0.115515881135,0.901895655437,0.153210074895,0.584088287765,0.10312881039,0.548671303428,0.3997399963,0.907038875842,0.070728520892,0.216158812831,0.25306318535,0.952043595563,0.911519677207,0.732480673648,0.942590829077,0.856129438421,0.0699349535333,0.589431806523,0.969138284942,0.285743194083,0.450234161089,0.7729256945,0.35895476698,0.286999753948,0.279661090596,0.707617668108,0.0452965567251,0.530705864489,0.731189731805,0.935572061161,0.539900027821,0.890169895238,0.755190668099,0.61956412589,0.915127213175,0.296441922279,0.761677976747,0.47820533726,0.253846432069,0.701189652862,0.0573399026642,0.420401630795,0.849829428021,0.513365951292,0.728117380281,0.647971354713,0.443326127066,0.315780124206,0.670591820305,0.0176224635861,0.48765185779,0.368005168008,0.30987104908,0.39395702325,0.586044993088,0.524854444751,0.483124964014,0.0256704218702,0.127509677139,0.955397877405,0.184509425219,0.180293797095,0.860398140169,0.97363178088,0.00322758450611,0.70331488805,0.434156658434,0.340931380273,0.311417864254,0.775097962318,0.772830519951,0.0959683687374,0.813622308392,0.982837730067,0.183915011356,0.253446910335,0.349636047246,0.477346192286,0.668185583173,0.560870774616,0.52750367643,0.890512919154,0.929192239416,0.751721852236,0.768710638033,0.693932306589,0.00795945521269,0.474081243178,0.0698335656684,0.345532371212,0.153750016583,0.146148264552,0.533950411895,0.124015438829,0.977111281711,0.856716249174,0.965844377975,0.769788912661,0.624460723461,0.192813373662,0.237346612593,0.456376550913,0.731600888445,0.184701657148,0.768930433149,0.0715793823128,0.734055618666,0.27854104456,0.989468788871,0.425716539028,0.292416095498,0.366742390099,0.24814408314,0.803473593118,0.149188074629,0.0342147654327,0.982834892984,0.0105550475891,0.445540428047,0.296688005452,0.636684802724,0.405550476204,0.0787191213424,0.634185652271,0.415569420954,0.176947955762,0.368981460674,0.45105859057,0.385770856009,0.176701515429,0.732298227226,0.521609988423,0.515510014101,0.968961884303,0.921771396555,0.917143315622,0.35317493669,0.113368631225,0.962857990683,0.21846571717,0.0392899395308,0.241264900822,0.906045767573,0.860685886554,0.756473238808,0.180056659445,0.961175423226,0.915073180983,0.48658782017,0.9459977441,0.36665629661,0.69595642663,0.260279675941,0.138974468476,0.349234229198,0.0134040704882,0.40090108382,0.656447382997,0.659623684077,0.16401196658,0.623678546445,0.935432735328,0.7406606783,0.0744819534402,0.991245438672,0.513107704308,0.899935494211,0.946694761794,0.698775571755,0.302451316674,0.0884018924398,0.960336762009,0.853007461876,0.371166531928,0.0233009736068,0.540239654166,0.797284629084,0.118892598284,0.472305142494,0.701562154549,0.701829711632,0.993610328975,0.442837693347,0.421904904889,0.199907364129,0.283365120074,0.296686431504,0.497361103106,0.491865088579,0.510479092786,0.661266726452,0.340415621747,0.50247881042,0.305324050427,0.564797577786,0.180809423708,0.278044849065,0.260395054284,0.0323523554724,0.8041286407,0.354461775418,0.841983785923,0.942988342694,0.0139483541353,0.331389098648,0.922622446323,0.969276833798,0.951817153964,0.609185449265,0.475063426833,0.825211352417,0.97549817326,0.774370285015,0.925375596443,0.152507229147,0.172816975021,0.239465132312,0.327057755603,0.329739303734,0.619736578987,0.342197300729,0.385908009557,0.970573538675,0.897451126285,0.633683736576,0.609903244465,0.027504996627,0.784921996909,0.698965643545,0.938531115827,0.87371954344,0.552583865436,0.392722829062,0.753489973894,0.649017018315,0.459904518956,0.724570828899,0.886706868319,0.91136332527,0.135147792111,0.368884923972,0.181284090767,0.42697281258,0.927533845383,0.125253412763,0.972501496699,0.393820123053,0.913015329123,0.210935640634,0.562874736734,0.484568246776,0.177341796898,0.00980708466981,0.785222371923,0.695174038381,0.497637292832,0.123119408711,0.122882983207,0.754006798019,0.61384302109,0.592031556475,0.95416487472,0.0657422180245,0.9537281743,0.256578217069,0.510993394309,0.276793456452,0.240148881834,0.953262144129,0.467074975743,0.388223445826,0.331131789213,0.170495333756,0.335840634514,0.179086696757,0.561781714232,0.835971667585,0.752731941033,0.436594761497,0.765367632117,0.80706857614,0.296437593677,0.24335747813,0.917115923122,0.68106898843,0.492060157554,0.591778519935,0.660597916285,0.422165058912,0.936380699477,0.432885499411,0.0484081444912,0.492083844259,0.740939427472,0.85605729148,0.745618895721,0.89524402928,0.401675038342,0.416864349296,0.278135634712,0.0386537363677,0.4425784817,0.542422850097,0.0785042364701,0.824855409401,0.0138969961288,0.215111537752,0.649300088684,0.531243255924,0.148100459549,0.687952845937,0.644350166192,0.736253642619,0.947240360417,0.784888118285,0.446928112018,0.114946348058,0.140179892103,0.00530113475106,0.372613025937,0.828037740108,0.521204428081,0.468107046421,0.766364549776,0.407486294117,0.258977589324,0.333242201697,0.955382720789,0.112195453806,0.376777351667,0.483169668973,0.250589146445,0.203030830184,0.679041526117,0.570270953022,0.304803327806,0.0562257863048,0.372132591784,0.778546186544,0.927925861368,0.923510770562,0.592942957625,0.519793571086,0.421891435964,0.353928211826,0.227461213758,0.833654661265,0.0512146193597,0.457734383675,0.339267404737,0.0111102766119,0.571765913101,0.311391849474,0.333338158853,0.339346246034,0.772365891987,0.898942423921,0.397905789798,0.616102107276,0.334481602584,0.0844582604665,0.846646204475,0.797412529282,0.355766047035,0.937976347131,0.379439856063,0.0184378756674,0.216926941123,0.586751962854,0.83005164384,0.739052541349,0.0566454986887,0.313666099939,0.432211275653,0.387238405515,0.37100137759,0.570544700205,0.0617265416656,0.473057366874,0.581351568734,0.198018076878,0.0379899425098,0.952786736918,0.965870036152,0.375021360393,0.787098525119,0.58049203687,0.152538997446,0.0804236219182,0.927990338884,0.522512860793,0.151988272756,0.331498762147,0.179496777546,0.279356359412,0.898313210394,0.864643803272,0.278780098127,0.147176673062,0.390043658198,0.807313897796,0.074041262358,0.771293706999,0.952664430607,0.655674242399,0.799734651261,0.799299916628,0.229221781757,0.995557894798,0.350195952132,0.036860720418,0.262043110092,0.438723077567,0.252964752761,0.0994450000749,0.249004420452,0.0147104133404,0.934027273189,0.927371775856,0.609428333873,0.38596719886,0.362670604386,0.544936076308,0.931864601634,0.432549350188,0.685231093352,0.982331388526,0.910676813119,0.743472368562,0.230443185736,0.381661574151,0.272878900265,0.968751301669,0.832178681534,0.865230047679,0.050443184142,0.0114019845423,0.698828631535,0.137614610603,0.148581945551,0.426750747832,0.73924635673,0.238447503213,0.505822542909,0.226644311388,0.56195449245,0.0851010811459,0.0363348780971,0.222063786553,0.106815953022,0.473792114556,0.807669402615,0.549413428557,0.679407168599,0.850109660819,0.218819279616,0.737233988314,0.282316516392,0.441727971458,0.891094163704,0.0441921555938,0.771767237614,0.881908782284,0.987191720314,0.754299010259,0.208565895464,0.819629385301,0.940505640186,0.605235198074,0.882272587669,0.761722297612,0.106910517831,0.702997208509,0.239639885279,0.134238002906,0.09186645929,0.518182285221,0.279676278322,0.960406035167,0.557097801094,0.043090419225,0.845180449099,0.147261243189,0.431678700137,0.0271476407095,0.520303662931,0.694880673472,0.999158970773,0.719790053399,0.975293498722,0.870030112585,0.522371389962,0.463983695301,0.826816284748,0.116375928512,0.434544126635,0.372174166699,0.612571157164,0.189738022573,0.538352339533,0.935916391486,0.0879519736452,0.97490170667,0.280605583333,0.740915838261,0.288367826785,0.278063121987,0.89139843209,0.239756543301,0.585337428026,0.223779331973,0.731130602615,0.647252883378,0.739462745883,0.155400439236,0.785082345498,0.148979752812,0.162176836663,0.59521693782,0.667876765143,0.377374871966,0.652403097886,0.175956473688,0.955562443798,0.869841051308,0.700464179831,0.947406465502,0.489428458581,0.274250368746,0.25722239896,0.0781944474348,0.643583351487,0.808092040939,0.733843743604,0.675055175687,0.353749132893,0.0314701720179,0.836618978631,0.744369131354,0.898947173862,0.787577529421,0.605953900683,0.838118379164,0.125454031711,0.742837100858,0.709605968424,0.512954337735,0.808159145717,0.556886420193,0.241187803879,0.729556793461,0.606584369122,0.558577484705,0.720874773436,0.50356611149,0.458682820908,0.977145371778,0.31221190615,0.314438769488,0.16441908266,0.342955933192,0.660899480156,0.733396386171,0.184486503267,0.213874046999,0.950465884288,0.599086076048,0.430332097134,0.29459051054,0.256059359685,0.808584329957,0.352389834601,0.266197796423,0.419156553942,0.557229622147,0.256588752885,0.395154517154,0.866998096391,0.86787899197,0.718747215506,0.618818953555,0.101275211563,0.614516716707,0.0419156172648,0.894564851187,0.884601966936,0.632526404026,0.257726469111,0.155439335541,0.39172908118,0.426828507956,0.970398824109,0.026134488884,0.707198395404,0.282966972303,0.969180614278,0.67609669509,0.455544575929,0.302305048571,0.912115274513,0.431650451502,0.548125186136,0.298726975443,0.989734795334,0.400397434303,0.744982583909,0.536923385641,0.817577267434,0.475274831683,0.961872872717,0.182765382065,0.127363982457,0.173477902081,0.151122627892,0.458308234812,0.700165013909,0.252204096437,0.681939119714,0.164142507258,0.287267899337,0.201420117232,0.60858485703,0.378986897232,0.708703473848,0.829813924799,0.181250936594,0.113438438163,0.655641752422,0.676502356767,0.207208807343,0.334420597519,0.688904900908,0.599252788458 0.820831991834,0.21409359406,0.758723726686,0.880049682045,0.43492931555,0.206334670772,0.561558232537,0.199300072345,0.629311026138,0.846515395809,0.198634903249,0.641264597073,0.575141604103,0.987008007173,0.3749365183,0.368865739618,0.406142679483,0.494851757392,0.320675680002,0.499852345897,0.533652009627,0.697784528184,0.698351262631,0.783467805353,0.636853998275,0.156842453873,0.235419312287,0.867744778444,0.575820691701,0.758875346356,0.642791439122,0.0184905880407,0.723236553836,0.274025162555,0.507291081791,0.822065758643,0.256498139275,0.703535806093,0.354284496903,0.847982249446,0.98929034493,0.430313771698,0.806479349807,0.408348461769,0.819798164298,0.714184035991,0.676636137052,0.347295586942,0.313544129518,0.26928577125,0.786304643862,0.425599478081,0.171502034298,0.253005666853,0.365113833028,0.517800259916,0.195660885682,0.922226559982,0.953493667639,0.263763013347,0.76247257603,0.625536896863,0.613625558198,0.304018520422,0.931849043613,0.227429147279,0.0794849734029,0.0862139933253,0.223547565464,0.747386512541,0.0875623523716,0.499942306989,0.975011816373,0.719520770151,0.465250376762,0.41864714964,0.461213744455,0.194349296377,0.508226632146,0.530666190913,0.993197514553,0.182505234955,0.298389141627,0.177379440849,0.906852062024,0.846730343605,0.342160804057,0.173117719344,0.672857268572,0.954963411093,0.650570907048,0.717189721527,0.249797215265,0.371328765901,0.220198741079,0.111275153373,0.397359195138,0.575934602223,0.535641217217,0.089352923084,0.166275562321,0.186613728712,0.554070989724,0.898257966552,0.220958734523,0.301331988859,0.29621841727,0.803749643589,0.858922034478,0.430587705251,0.463858759923,0.168909487522,0.00140978684515,0.948067599483,0.410554443973,0.810168307814,0.37118199173,0.0585919489081,0.691003317061,0.642315359844,0.285239254689,0.840676576171,0.489381662843,0.364603950495,0.378686182021,0.235477212986,0.912531085526,0.773567896487,0.448519142752,0.516303574381,0.4332550297,0.210321952361,0.83740788007,0.705117381221,0.143730903707,0.0197976285645,0.521309320121,0.118993257075,0.44050123904,0.316230044207,0.598331376444,0.978497957315,0.031995769815,0.423829439135,0.869825943616,0.321188496015,0.505847575308,0.873811083676,0.391587761228,0.937781397357,0.717623070608,0.738536967132,0.656498242809,0.235257021103,0.577119115633,0.52444387722,0.963295618137,0.175917815112,0.781333398993,0.0707449053765,0.113123722692,0.526564893731,0.916591882109,0.0695140899344,0.434518806321,0.711037530905,0.540414263123,0.148433575571,0.820970724524,0.0233687473059,0.883573663053,0.118197607458,0.382526949958,0.333066063241,0.831222502321,0.468022211305,0.408130497544,0.685284991266,0.318159182368,0.170994683895,0.605021938965,0.3430946053,0.790918954398,0.241526217313,0.78104616303,0.881925941037,0.14544079254,0.724081167693,0.471020321674,0.778894531357,0.600585783112,0.689841796098,0.975003007571,0.76988434093,0.757296151268,0.168695627024,0.433154667328,0.753323691431,0.642626004791,0.00332459890979,0.95037578631,0.498769346822,0.0401308806385,0.382532459534,0.526938481273,0.438210853693,0.0584202905667,0.143270856616,0.708751070561,0.779644174874,0.257304040369,0.950098706356,0.4668315605,0.61180270323,0.774512896704,0.774761323035,0.530786227982,0.453206609521,0.17015980132,0.771704295144,0.49862474858,0.462170572684,0.840539127449,0.0370683664188,0.612614696872,0.255900780659,0.588567748248,0.0639135690498,0.169999065506,0.714973276086,0.155922871959,0.755368949286,0.0950473666939,0.847448804228,0.664730104456,0.0521743680866,0.625334983741,0.791439190457,0.124038583759,0.187946007534,0.404533685569,0.568842722925,0.292630482676,0.232039753096,0.419406458987,0.40300757026,0.842869254911,0.351029344452,0.647668962059,0.00835629173135,0.0801352008927,0.860939997108,0.25903411108,0.7590130624,0.50534242294,0.80451821073,0.991498466527,0.786346089925,0.0560746865994,0.0718572709963,0.989307535516,0.145976556695,0.142684732641,0.594128816002,0.358199209483,0.495002974323,0.248037841253,0.876338863247,0.0340994205487,0.430104861206,0.660215484463,0.0587228195343,0.79472923373,0.108125886249,0.176253380709,0.406468367174,0.224950419798,0.781668641672,0.368355874996,0.994915280349,0.434106789325,0.244085310233,0.847344464712,0.583144894056,0.648676915667,0.379042833059,0.397365877684,0.0452093975991,0.747239973534,0.748325282759,0.158023042183,0.990658383513,0.982383636279,0.146897765703,0.183695848964,0.864565006642,0.429706197238,0.841166200343,0.497865463899,0.906138415777,0.46663015867,0.177496943638,0.877587226823,0.799731539191,0.818464013634,0.856743450513,0.629714124991,0.216502630175,0.00556385904683,0.190694079902,0.561150746198,0.834743675734,0.526488625355,0.411136899078,0.618787264205,0.455398268602,0.260522113859,0.426293477126,0.216189396875,0.258161844643,0.737561611445,0.386910582395,0.321570997762,0.79144352225,0.257244583646,0.258960930415,0.0628697774796,0.620997647418,0.84684356058,0.915057039163,0.252675845642,0.2239928012,0.920131291961,0.224689313074,0.648327619942,0.448429334035,0.735691566119,0.431712141247,0.831033228729,0.999527558555,0.024187108569,0.542383345393,0.699202225982,0.370749022762,0.0928873551691,0.0146694175234,0.414198452772,0.05938657176,0.885044057931,0.153120282596,0.516144740282,0.689899458652,0.878761755919,0.175564994942,0.896245618813,0.854808127608,0.0239761106769,0.608811042809,0.809673616111,0.396170472649,0.225194518271,0.201267597113,0.00579713624348,0.55934674773,0.944225291593,0.434028827638,0.503814819868,0.78061114443,0.602150178055,0.789957094765,0.64323423207,0.945255288839,0.50986857009,0.299596233359,0.738809512811,0.620646316941,0.156292542866,0.939049743243,0.205297312864,0.732519749883,0.625108763118,0.692405485024,0.492138387281,0.280819186839,0.887568667238,0.113593524311,0.860560747903,0.899122097016,0.401630578296,0.973058898623,0.0339768433254,0.849867162456,0.240985988559,0.496258951086,0.0603970176877,0.584562816449,0.294564578931,0.977950742,0.831613639775,0.157608776098,0.789501249584,0.922716651713,0.601064752889,0.647964665177,0.11340913427,0.426694793045,0.235905111253,0.311505734997,0.15581178532,0.167958452959,0.958399912516,0.621140706305,0.682522171234,0.0215816726874,0.896458295181,0.975307230941,0.889898490081,0.481610124297,0.881380758316,0.440864210385,0.157653189928,0.265924071921,0.589047439942,0.540588237716,0.411759918025,0.630508526662,0.961313182943,0.389559230349,0.28247264558,0.817483996821,0.44575598943,0.850684595001,0.457942580423,0.0398865847175,0.820114213094,0.663790592485,0.392001481106,0.917481102797,0.221998212226,0.303074667614,0.137477200318,0.813124386528,0.221334492031,0.511718108989,0.0924933541321,0.458728421388,0.0798583948597,0.368682730688,0.181935221043,0.239933697,0.848410187612,0.635333219553,0.578968009581,0.577553835317,0.971724501929,0.243567282051,0.467933799337,0.657719814872,0.0154879599713,0.0528868124268,0.774432578917,0.226122658147,0.735840646123,0.292755204597,0.737966514384,0.407391358123,0.0178873137211,0.899906279872,0.924143047179,0.798974470584,0.931299800134,0.182034575354,0.876279405862,0.0770474260448,0.473438366946,0.53981823069,0.327995904466,0.654685861377,0.0585440318638,0.144537809386,0.436448709715,0.766458269899,0.929227517591,0.999978544499,0.673425381012,0.737015194387,0.268609823494,0.651680720065,0.201737202464,0.701673204592,0.469362930091,0.40088880431,0.89498413566,0.845949465474,0.539377131163,0.92128090776,0.175152305294,0.913450064622,0.112569373528,0.687622386835,0.422296083085,0.0678425533008,0.822504454653,0.0819940201628,0.218152215144,0.824664459458,0.930339538585,0.697509702207,0.377068056097,0.737684513122,0.0534461887286,0.502820847366,0.263969245344,0.174715233852,0.56552529512,0.836981180879,0.465271787012,0.223341869431,0.319940624946,0.964571206601,0.66662001137,0.575884800613,0.358864108672,0.891190978556,0.461953349597,0.214459864617,0.0120482715978,0.75519698034,0.0115522847188,0.674492449315,0.219977370809,0.889789174061,0.471492971878,0.921711929355,0.455922195326,0.807769366298,0.608021516437,0.125424699815,0.893997287053,0.466233060883,0.559370079552,0.319117614879,0.941275240515,0.255555011825,0.686627455117,0.641262581566,0.155837107048,0.758400473055,0.0481575409282,0.842491890337,0.17371397908,0.787925839971,0.252852161849,0.968378844064,0.889983326023,0.136819858733,0.39109272755,0.0601443273999,0.485246584664,0.122175125229,0.309280141575,0.278242813445,0.60579725279,0.800528558888,0.676310635923,0.0883310914125,0.334558307103,0.796423167928,0.305939056606,0.7215550163,0.218564300212,0.407046829555,0.211490534779,0.336282285057,0.247171412982,0.27981369848,0.676159918398,0.0118369527108,0.844207072656,0.688003561254,0.125399227854,0.381536607509,0.864738644907,0.289107025207,0.216945911726,0.382478925443,0.0751131922887,0.0409191865418,0.469218985682,0.860233618697,0.373547834275,0.414615589439,0.808898577065,0.249971796001,0.173672453537,0.399603299064,0.954240414936,0.911091646008,0.599955983891,0.0523277115519,0.8392770522,0.15592957974,0.801256213743,0.806501107931,0.760554585136,0.0686503303993,0.319275384399,0.946145276062,0.156362155001,0.361260141926,0.349698096923,0.826522285792,0.920971610969,0.409640128533,0.438141400246,0.487073429861,0.24703763031,0.532394418647,0.347866652553,0.616790773279,0.541515511783,0.571080408834,0.608788180983,0.556319353507,0.469476826006,0.651109568855,0.0633730612682,0.365857497918,0.372307864761,0.236673228184,0.996179100394,0.213386744791,0.789541383652,0.622365542919,0.453998354853,0.265736784356,0.301959892732,0.262610964724,0.30237622991,0.555221190068,0.807226851456,0.127721496513,0.674655622672,0.135601228105,0.195348213646,0.522826257018,0.486057002025,0.203122641509,0.0304015761333,0.0356813101083,0.424910739326,0.241220711312,0.616011344822,0.137262311616,0.387674010838,0.646909655507,0.985169800911,0.0991847903702,0.423414313653,0.451530908649,0.997197664961,0.397318844756,0.822070922132,0.857789810872,0.775593932946,0.0255670782217,0.788133582448,0.89645024602,0.448194713267,0.677537340205,0.349267130061,0.0534850199832,0.267770020597,0.097798385185,0.703240128425,0.0731990422367,0.906900369925,0.588488446963,0.254439647365,0.190150503406,0.983665772621,0.636454082191,0.922358427316,0.899112481585,0.152564939703,0.686748507774,0.694726868297,0.3373675906,0.168843558596,0.3305540507,0.636302181089,0.590036150968,0.531567330065,0.936590869337,0.502895597334,0.760053873566,0.229249355772,0.970506210774,0.104645436348,0.335166568316,0.465870047198,0.319059315387,0.336965173786,0.788016093898,0.421153980913,0.682400722731,0.82656843145,0.594393659659,0.286208576072,0.357461851793,0.142551238519,0.099108152772,0.934452255732,0.903085699726,0.476430787715,0.67202864213,0.0674699438154,0.693095985017,0.242504764468,0.709136869835,0.171250763029,0.496858314693,0.410473244976,0.926364583005,0.129151867193,0.340407477967,0.478621340136,0.00574031082095,0.959332369059,0.346663216789,0.691671240964,0.293065655678,0.421808281308,0.940553972549,0.819610809556,0.562552958253,0.778096440967,0.738258871258,0.916078409682,0.360401934242,0.00450616808168,0.32503208065,0.191718101689,0.158916542841,0.0702669110316,0.54362237374,0.105822493606,0.602344127633,0.144890595865,0.412620191131,0.121911210721,0.554884864768,0.828246056272,0.865594412384,0.0050621113338,0.691279381179,0.883474503883,0.964232657308,0.854876034525,0.367011533336,0.525566548802,0.0210721804024,0.78122216943,0.0396800836406,0.292480001982,0.33733504009,0.410989043312,0.851502982924,0.262098946338,0.479238020922,0.910910960456,0.10642545314,0.915711515243,0.0688131094832,0.556335161854,0.804355409511,0.763942474898,0.672244884965,0.15797513949,0.432942854862,0.422991577474,0.000747744960656,0.857744139087,0.714350601586,0.46319845453,0.801854833355,0.499087176346,0.399945373312,0.987173105976,0.258465226608,0.623997716552,0.382268829172,0.806188790286,0.679318955632,0.808597184508,0.118314507383,0.330095082097,0.460206996105,0.914273211099,0.124599396215,0.347608952541,0.229699294669,0.94232532661,0.408169427712,0.292257710568,0.471538208422,0.866930622511,0.509632042077,0.453912015316,0.415272924966,0.692967444778,0.84063442341,0.202274589398,0.969818367351,0.763658469629,0.981936426355,0.899582693359,0.602648561813,0.681979182498,0.00334557629585,0.868586093798,0.558341086666,0.959533289137,0.272401210884,0.040727915049,0.233166146429,0.373519418745,0.232081619546,0.289133259903,0.892296040682,0.614440927304,0.386901282034,0.965131163814,0.497210751194,0.108764857705,0.253571971588,0.0153522188706,0.136178020025,0.771828966088,0.579436215536,0.811643222097,0.959382577678,0.703722411757,0.929391682444,0.45755048607,0.853260781468,0.798485051622,0.031378321922,0.829042840818,0.788925260385,0.303378237791,0.73143442474,0.153196907246,0.308403853388,0.821743826422,0.553946106103,0.948286914265,0.981219833025,0.398956745152,0.816883593732,0.971667483733,0.234456937022,0.116440178444,0.488709833131,0.943690728451,0.163612101619,0.390765936355,0.359226569627,0.873013462392,0.249402414072,0.353206852798,0.651330218357,0.966206622363,0.692680353605,0.202547535961,0.26629548861,0.572676179109,0.440406219499,0.073727641965,0.131731375245,0.159498966759,0.200023120764,0.337400578628,0.89392861342,0.520201227978,0.114713294992,0.0362992845078,0.606126815394,0.344631284518,0.183883846226,0.777273915246,0.551633922045,0.613364372069,0.916265928589,0.694637556094,0.973850465316,0.848596052486,0.122828209296,0.30965740988,0.496715951563,0.809219351568,0.970667761418,0.48372747008,0.794249991471,0.714659863891,0.916960546324,0.620367502643,0.96771589271,0.231448657266,0.678428968739,0.449824294329,0.241854663639,0.507943107614,0.490560747911,0.653522085104,0.340177233091,0.613636979897,0.177822056615,0.152422926625,0.324702113258,0.663662404184,0.924154102166,0.192054587815,0.2616557766,0.382659447581,0.507991893689,0.717423852071,0.129514783762,0.913479211546,0.0455732220518,0.333006355051,0.327256797215,0.142478818589,0.719860789987,0.16332878152,0.0357099102988,0.896624008665,0.7292006889,0.385704076976,0.695861477075,0.895656581783,0.777250673584,0.553850831596,0.63265976157,0.0813053307532,0.035114600054,0.0796371846332,0.548775779126,0.98426333443,0.839514091958,0.268843427108,0.695164843496,0.693825979174,0.433109043867,0.787950938576,0.532493500462,0.342643701578,0.807017942018,0.856840792543,0.891507515793,0.0612329822272,0.0411608282996,0.466069045668,0.491820388912,0.687537330229,0.659000246619,0.791090770087,0.310329950013,0.523206867237,0.854376658572,0.564869983784,0.64895516829,0.0890100989182,0.174646616059,0.500324125441,0.436323730525,0.745039794647,0.362861779205,0.411722245965,0.446438036,0.571869797765,0.0261024075879,0.714849884982,0.839747378226,0.250625719215,0.778012559236,0.335001495543,0.252766556169,0.141476863832,0.1337787119,0.123278397269,0.162430970362,0.701062308658,0.676342767367,0.505356138617,0.742762140822,0.61138442325,0.316234312024,0.844125842715,0.961093095724 0.439513019331,0.406026750812,0.24447114791,0.15063362829,0.0209540488949,0.115683161191,0.799620460001,0.295188550007,0.0528661709703,0.943187033009,0.263821195804,0.269289582013,0.407133682952,0.738555501926,0.433682121691,0.310853670588,0.158023505049,0.834105614041,0.73186478266,0.940861547522,0.598367601164,0.663753754183,0.936680272555,0.11667708946,0.960774300797,0.869427492896,0.39637061797,0.0566020519335,0.121698443216,0.698121496387,0.861279007455,0.647616616316,0.454658402459,0.467888227017,0.212677730652,0.595245506941,0.241541877737,0.188216258221,0.785933774624,0.974382695799,0.725648625308,0.810299542671,0.294385963392,0.806100958003,0.946498782373,0.78686710304,0.329942324478,0.949892021557,0.920800445824,0.738663910064,0.667920419888,0.433794639694,0.29785225421,0.486340531917,0.469240491512,0.934822295316,0.15375204512,0.752216665152,0.0864239475737,0.0390256456796,0.17246404937,0.901113599721,0.0819578117371,0.865913225617,0.921460601365,0.576714119145,0.913678860227,0.583836820994,0.1917099502,0.739329643055,0.516097290331,0.124080781315,0.217605902354,0.199460365734,0.847394331139,0.927090038145,0.776399501617,0.4344990476,0.930965186485,0.41038374031,0.900745202035,0.0203304295095,0.829540639604,0.807304893404,0.74102882071,0.8006107754,0.389962253539,0.0521964579337,0.136911638139,0.885848433433,0.672741742011,0.612555013586,0.727259299914,0.497803037313,0.162259278378,0.895403314022,0.794707435602,0.161338021955,0.89713567626,0.969597323901,0.974542053598,0.877387891467,0.232781561753,0.278147136864,0.859666914469,0.29432556544,0.261851552568,0.0711826602844,0.950273193855,0.0416525077781,0.0586772938859,0.855596839929,0.151170300928,0.128794551431,0.320091361131,0.306950509723,0.0512140571089,0.291473478675,0.863166818852,0.40844126567,0.165024382161,0.516217018849,0.0117076145539,0.00331987322798,0.0097279161936,0.0725971350984,0.325929604273,0.598481546366,0.717719641105,0.0303606890473,0.756489382657,0.949370812383,0.726703232573,0.810517961668,0.607742430123,0.944920825796,0.103591651728,0.58086838911,0.707144670071,0.983608092622,0.684224849062,0.654631061486,0.835933268759,0.0585816561359,0.424292662709,0.0632847205174,0.574924510518,0.969505228568,0.731054635343,0.229328233715,0.185437648852,0.10388631061,0.597842374158,0.423674017398,0.951459116644,0.736344408608,0.879302251899,0.565094669311,0.937003425679,0.838842651783,0.834353832078,0.299520237468,0.71997906417,0.420092220369,0.0213471667612,0.0206042262882,0.313406543382,0.345840519763,0.108039323867,0.525690651622,0.00689712903495,0.476278780197,0.41276448288,0.223731823966,0.43631747325,0.341823668853,0.287324510639,0.468068821568,0.928340002016,0.631660710982,0.668267688799,0.343283479618,0.961598096764,0.968053382407,0.865298314718,0.679318840247,0.0157679201773,0.533341426303,0.983413992626,0.460682182999,0.0836028725457,0.884192523026,0.816881296423,0.937572235411,0.46786150536,0.992926902092,0.601625037208,0.198915800394,0.58507834728,0.886155315139,0.438866209231,0.0411822277459,0.915650195876,0.74378359266,0.843638607215,0.799739689493,0.39728524358,0.703193185569,0.976059746651,0.629139079778,0.0700163769704,0.753516068897,0.594875109012,0.375418049529,0.469750856067,0.312059376341,0.204309816617,0.810334131957,0.353392892115,0.594828288722,0.620677921348,0.640155244618,0.942256356184,0.537151581145,0.770394595072,0.666671453733,0.960021580362,0.271509161962,0.549322535623,0.190853478026,0.965286696208,0.374341022439,0.571063215075,0.653942101264,0.303757556822,0.275107684053,0.882300682626,0.772884154264,0.949026200012,0.827729157357,0.690656201641,0.0942840430286,0.361040814568,0.861538424838,0.352377218551,0.957753604411,0.985480121207,0.157333968584,0.260916984235,0.068607808452,0.602206148982,0.290391836074,0.165462352673,0.37711082703,0.385690966694,0.940474373822,0.356133473078,0.670758197312,0.751607158898,0.478719991287,0.863822176279,0.648307411147,0.812412734327,0.71454798528,0.738359916129,0.393025418282,0.106578177655,0.480975781421,0.016793008406,0.935817490666,0.457777969406,0.335640538656,0.570026881529,0.48110781778,0.258203377074,0.979203755135,0.0758959773196,0.337941454421,0.456154924958,0.821947431744,0.0920594446699,0.956560750918,0.00880640650437,0.20392574184,0.842857505788,0.274100046062,0.453700127506,0.193888192936,0.318407944067,0.10393893442,0.431101743806,0.33879704576,0.27869627709,0.0987451846091,0.405447347117,0.922222877109,0.825769490724,0.469554409836,0.441271357591,0.6824932121,0.157430604246,0.154541820664,0.0687627050772,0.0331294151702,0.533894036053,0.459410277523,0.189799233735,0.945072938767,0.848047608933,0.267451816741,0.22822934696,0.504872819986,0.666606517491,0.589555330803,0.875046332752,0.630974840683,0.14672056653,0.483174149842,0.386934952318,0.97811026785,0.96378177226,0.701984262497,0.291225245868,0.191902710493,0.70263118089,0.918742836211,0.833429633492,0.589127326273,0.921605707113,0.0950399155096,0.00922963824603,0.112986466769,0.908511070913,0.522178492027,0.749589858599,0.482042344946,0.90020921217,0.843450985003,0.12952968447,0.491442748057,0.232892905382,0.686987593474,0.347327987441,0.426358495938,0.00366814026542,0.606369831228,0.574319640211,0.0853504030172,0.0399400807059,0.264155076564,0.817325448837,0.710710670441,0.302189247304,0.261468871687,0.432037963748,0.192885723335,0.315187128362,0.782664963733,0.467793938369,0.00362747636061,0.214112070642,0.0361482264817,0.049453987856,0.872736310504,0.455683873901,0.931018592567,0.584751658266,0.50645187206,0.582966818447,0.702459965745,0.654239842728,0.631300731795,0.854588569283,0.874302494105,0.460377027031,0.12788764305,0.773412395186,0.203301992224,0.876322658752,0.408569019714,0.205016791832,0.220204248946,0.465756724595,0.457784079432,0.180600344837,0.4195497035,0.135178523832,0.90784265505,0.29984338528,0.452105539024,0.729433678966,0.495599570292,0.12796773126,0.445104678121,0.862444361644,0.454389947901,0.384519487773,0.475606536829,0.759511113651,0.0367788303769,0.482595905457,0.94057339392,0.990682095686,0.6001185539,0.195144322822,0.890740353005,0.302551329948,0.426815111874,0.141330220592,0.694477767235,0.282063210455,0.978443285072,0.203330524693,0.879508100398,0.0543609477503,0.748532646641,0.929999144353,0.590914247504,0.00626451737532,0.959254777769,0.783244283476,0.617682958301,0.534449258664,0.78893178713,0.397748734416,0.368203205058,0.5367623125,0.366260981632,0.205037758803,0.802514741577,0.324679338551,0.826994379403,0.662453297186,0.473255747773,0.716940685093,0.703788441808,0.938109491751,0.787494446996,0.398600499275,0.495199637123,0.682626017937,0.199222697755,0.581312170647,0.41606996455,0.101705828823,0.935477390484,0.546328370544,0.0978545096009,0.637915052418,0.830811505155,0.848015984078,0.758586618358,0.788193065205,0.280989529305,0.943755735646,0.956576648256,0.555804132251,0.786480191373,0.53258164677,0.593222550673,0.4757587248,0.658677797483,0.881727818988,0.569806203052,0.694932803383,0.036307993682,0.767557851373,0.83821135764,0.819841616937,0.750941494365,0.854629825494,0.528088193577,0.554265782968,0.0667801182364,0.0789846475094,0.636511908539,0.101157117422,0.374408914328,0.0590481098725,0.273502148486,0.229754190677,0.172728221148,0.494102890046,0.926172294741,0.723096472391,0.707830232635,0.87814141117,0.44114145219,0.137409333798,0.713446468543,0.203108330065,0.604983697014,0.700463878663,0.528947999831,0.60193615109,0.654887243402,0.81370771005,0.733793794115,0.459708449196,0.238738862956,0.0971660033981,0.0717779506822,0.00831267084267,0.218206501364,0.10257519018,0.852396187834,0.504714131728,0.0829410379444,0.885712894059,0.873056070365,0.650620410999,0.196218235038,0.627455572762,0.54418665659,0.70212002263,0.254564822491,0.529946001738,0.269300207574,0.990188759131,0.794895474044,0.837486681143,0.210336426608,0.607829467721,0.728694985991,0.453941349736,0.881307586399,0.564919772335,0.386293087782,0.69111519597,0.342010319365,0.40300734413,0.103816539793,0.129669246741,0.448960870916,0.319652309201,0.405605550005,0.950146933948,0.471570641699,0.273781832864,0.603856434174,0.835622867659,0.363545079978,0.383692956686,0.250144742925,0.969631817809,0.283737606943,0.797228207716,0.326101535406,0.13482039313,0.198925490114,0.760674152376,0.448858428587,0.118272855196,0.124564428161,0.320002325713,0.643114098322,0.0416179280976,0.0750392947165,0.909357444031,0.464911325798,0.5188305821,0.983727776868,0.719976086943,0.592419512862,0.183615707919,0.617516436131,0.693124023957,0.878920873679,0.636478541525,0.18429376063,0.0752771930376,0.442275419994,0.765027304977,0.242158372646,0.433455840492,0.249641808922,0.681415257104,0.937772462845,0.676086472611,0.620939152639,0.624359988654,0.327159377955,0.35146110756,0.747882080523,0.80695512904,0.928072474848,0.526315619538,0.867471213084,0.271652489614,0.847324679635,0.878015259243,0.782818685677,0.939658604501,0.125193773344,0.312255899938,0.73575812972,0.814427743333,0.144543243847,0.974236940304,0.266679557528,0.0864927702156,0.526233564293,0.845031491016,0.207367924789,0.122875018398,0.685679905027,0.125583685763,0.849529617406,0.805711980288,0.98564496881,0.528681377307,0.375964237,0.525677750712,0.475447659562,0.114083138313,0.0280253428078,0.0118409556211,0.854324518741,0.172513097514,0.767984251585,0.887049709112,0.181489581816,0.614365786142,0.0519937747505,0.0409481882425,0.0266428847432,0.670369257982,0.94968206068,0.25651579047,0.173638141176,0.294447201781,0.428937150345,0.294151578037,0.124926468753,0.741839181454,0.320187873642,0.801986454326,0.826005512827,0.553185091939,0.664223185159,0.375196502504,0.360120523204,0.926927336771,0.236754841089,0.583307084112,0.706092111812,0.249137795737,0.859756281762,0.357622989469,0.564805884484,0.205243483821,0.243396449621,0.860824573271,0.574122355113,0.601867467086,0.794203381564,0.364965091694,0.338056795693,0.847884418427,0.387687694704,0.7855722326,0.622834191095,0.536684555106,0.249200213696,0.628426847228,0.805486730261,0.798080032063,0.436963918248,0.47832257635,0.115919759063,0.990687141662,0.572920617824,0.562911424848,0.924515101069,0.978284029039,0.311898047369,0.272507321052,0.952115420702,0.529804526057,0.0241126869717,0.959534052437,0.308184508983,0.127001160399,0.408087862481,0.131812322209,0.515748656974,0.459854536196,0.227464832015,0.0783161012811,0.207713249292,0.569326136517,0.852659670535,0.381538937025,0.379333229263,0.726797149737,0.0267456039154,0.843312647214,0.765605215979,0.0550854443345,0.113947936865,0.17131110819,0.407030792833,0.480727533995,0.405901596268,0.300729735639,0.433375786975,0.501657539908,0.642033860033,0.509875202482,0.550430394176,0.457052926474,0.78670825483,0.605318742812,0.933274609322,0.104926679692,0.935201437738,0.0662053714033,0.809023725635,0.849561705191,0.0750847428286,0.282895371557,0.634094985728,0.173861718973,0.98751258202,0.32991800382,0.633658853084,0.289906291411,0.891333024043,0.0699078487469,0.29095444014,0.793153026366,0.421745882527,0.144182889582,0.153683078635,0.850218555951,0.838974629036,0.846171018961,0.25246547819,0.144455352357,0.121457664727,0.893983392155,0.147737781105,0.558627770303,0.752293887352,0.62075959116,0.117945782167,0.253068537323,0.943915187344,0.723369818463,0.845610051181,0.754387175444,0.637347704047,0.676437078193,0.288324771622,0.297606918679,0.653727954053,0.733189538503,0.771053884057,0.962659396775,0.923866476069,0.855389111807,0.107684123457,0.302161239589,0.63005875305,0.263561145166,0.596330560578,0.203153941977,0.186669539622,0.708076383252,0.114280454634,0.832356626124,0.111510631064,0.0709772001087,0.458944580546,0.640976180231,0.0379945519794,0.063288168021,0.51858473779,0.55184997812,0.0495805571556,0.49827566385,0.623752767355,0.105896132311,0.511998580589,0.593993143376,0.721177750393,0.050024286379,0.375407822931,0.00748731557861,0.872848940641,0.992599895192,0.603688664024,0.616072990093,0.484019154325,0.502288697257,0.814948660215,0.47252964842,0.175479479822,0.117306953554,0.31289585241,0.355218777156,0.676931698414,0.959606584187,0.417585653811,0.832295264552,0.628765567836,0.196623061673,0.394660117213,0.0876701464109,0.79276493846,0.210988191926,0.534340060484,0.901308570595,0.122159892834,0.658444900475,0.934352117541,0.336957098737,0.543510130915,0.969487404298,0.418870707854,0.446773141267,0.935528676685,0.260212524834,0.763789027895,0.854817312349,0.67806786526,0.287252786137,0.851854683801,0.0179282775937,0.652334687988,0.0399287054467,0.456497071193,0.150487240477,0.942887438997,0.823963585633,0.56154796697,0.873774996579,0.111773373824,0.934231814174,0.995916793502,0.3125832774,0.793397249094,0.95959410102,0.662106386988,0.939313625162,0.651093107555,0.361554128352,0.366347117866,0.727249409503,0.909530529199,0.414714884063,0.352440334478,0.644661428569,0.862397817996,0.075932392162,0.509951741469,0.969343138757,0.960389119386,0.275738493765,0.23858322302,0.194925149712,0.9148362434,0.150849406726,0.284033102836,0.363874242269,0.273191601691,0.32748095879,0.818474530213,0.353692505039,0.39855884519,0.903736236046,0.640518543126,0.2211884467,0.866318054697,0.996421429918,0.124981528423,0.506409808817,0.684696453454,0.676714296563,0.0866039899742,0.654843912602,0.377076114948,0.27240451602,0.815428066467,0.632775534576,0.938467170403,0.84855723997,0.582809474712,0.517364661706,0.191829627373,0.254144353972,0.207718972598,0.684169859345,0.555943910033,0.24654721697,0.139779008457,0.510470503413,0.0438029281266,0.650268320467,0.568200580377,0.903763023341,0.470787438465,0.639239033989,0.648074192907,0.719578594932,0.811432272228,0.987896350799,0.682501892403,0.624073383451,0.587805994765,0.630140984967,0.217730324703,0.0679713609557,0.6116529272,0.562275364401,0.49585986114,0.811821142185,0.313509775221,0.969095088978,0.184538585641,0.810393223745,0.436307314463,0.94696814334,0.868340488708,0.758334689832,0.545385429056,0.0233991335787,0.247525906391,0.800864361072,0.774684785754,0.660339611072,0.454150054489,0.223545647396,0.993846093128,0.273867356277,0.0120084646351,0.593930273806,0.362437160281,0.805165270763,0.646937139215,0.482729388961,0.872734440685,0.503990869005,0.934011763236,0.978160119252,0.331121886211,0.625587635119,0.0316840588587,0.679140132094,0.993394868418,0.368387631589,0.493977303752,0.194643442641,0.868992932729,0.871860634913,0.405528537413,0.14700919268,0.424800287483,0.134546022037,0.209246818899,0.530611125195,0.681035171474,0.186758704328,0.914239694484,0.116875432814,0.865912317153,0.0916046512101,0.54544836892,0.0677435063038,0.148329961654,0.368764004541,0.07075137584,0.547824555496,0.805028946968,0.429226380808,0.460765788001,0.332220428353,0.185961557428,0.240344330276,0.388444128498,0.164650625014,0.412108261405,0.0948848777245,0.807756361859,0.242080390732,0.540745372447,0.398748319153,0.249645982905,0.326033106908,0.138797025936,0.505557225443,0.084914543126,0.0451913467537,0.0223998369656,0.798726667466,0.775907561176,0.818756861083,0.919190465912,0.0585387452071,0.893133861605 0.261071222466,0.373132517802,0.331767838936,0.97139370497,0.027829385135,0.481775994711,0.351137961075,0.564047645291,0.535461353183,0.00723080204785,0.131770609525,0.816167436164,0.673809690581,0.227296672638,0.812222629075,0.892908093904,0.96296112428,0.146734368348,0.889915357432,0.961809364844,0.60626142836,0.591497923373,0.241605643724,0.628212397372,0.137672551488,0.938837572833,0.218351695452,0.0369932204951,0.247080235579,0.513698777814,0.715381337827,0.103006909423,0.909504120203,0.309553202754,0.664624504361,0.489203122507,0.815708512455,0.0848738328686,0.368067680016,0.25423107461,0.988975085586,0.618434322694,0.172820296703,0.642409055977,0.0703325870027,0.155363607819,0.99828232834,0.981218064073,0.0766681941801,0.383428792512,0.367331779008,0.0838677607737,0.46334948412,0.406885409497,0.817750914765,0.152075169389,0.93754352622,0.830498193039,0.568157441054,0.896530321814,0.882725897561,0.461010261366,0.0456052672458,0.639638442933,0.198470462134,0.56005532902,0.744296641798,0.745151282883,0.778783213098,0.437935146279,0.0650046152334,0.677229750444,0.641355410711,0.909538990414,0.646660369092,0.322057705022,0.940554974625,0.403183735026,0.00232539667676,0.185504206282,0.0863366667785,0.465573871831,0.944067570304,0.576321356162,0.906408941013,0.397168172727,0.818081730355,0.557888514753,0.656436244936,0.815498084179,0.708182499824,0.400167617947,0.160492089427,0.172027464602,0.499640307127,0.275658570223,0.437767796747,0.380714634246,0.531352552535,0.76142527983,0.936252314754,0.1764318971,0.827321878784,0.346928551311,0.016340990486,0.482190923402,0.3006570745,0.00821893897631,0.00149850932674,0.429728548154,0.861509422362,0.0072124262521,0.81505444655,0.993804883156,0.627385049237,0.211295746553,0.573776956869,0.0121595114061,0.576550414768,0.970712931048,0.652196158874,0.077103541186,0.766780920265,0.246916792675,0.818595891841,0.138223398875,0.49263747151,0.976430499391,0.320975286268,0.0837773820936,0.969030024765,0.57355472077,0.476199651167,0.452338908825,0.829726535913,0.0758947785222,0.788745479652,0.152229410442,0.137592599877,0.103124798053,0.819239534823,0.140247821978,0.368628125838,0.338978739611,0.847054486703,0.552247412572,0.301820068211,0.476234065822,0.479317247813,0.334088256152,0.685801801862,0.653744830255,0.882004633527,0.773909687911,0.0991071528672,0.400381589356,0.409451633393,0.248700097077,0.676222423649,0.837219569792,0.426856600967,0.535353900188,0.310164995448,0.798505204878,0.201547561031,0.604099977545,0.753218157317,0.220220066894,0.374514638107,0.0388193413454,0.650473501859,0.43100655737,0.0987312083308,0.731004891129,0.832412105722,0.268912366,0.0344631120097,0.0933256528574,0.0748791540109,0.025468705147,0.65354315877,0.563780082436,0.902934618839,0.765834745295,0.263995552609,0.258897320074,0.997194604967,0.197410980046,0.767336604174,0.103658208154,0.693838636435,0.125653365083,0.907523918667,0.100538895195,0.282827392748,0.905733262191,0.0834205622803,0.41883529954,0.314107265362,0.100711926493,0.848230362051,0.860347376941,0.213463622249,0.232738955696,0.544804578326,0.626934766719,0.851038679692,0.886627808955,0.915499146178,0.213005989622,0.921219442284,0.106246274546,0.386709191664,0.276639011951,0.194100421758,0.0151045802456,0.0404334601325,0.266422394374,0.76097467004,0.134638583365,0.186677723133,0.521406425501,0.118031459744,0.347645903369,0.917029957036,0.453735838485,0.888378205635,0.332852267162,0.760528741354,0.348131107014,0.842976173357,0.485619920042,0.023843974097,0.152377928473,0.828550306946,0.0502175467881,0.912373484861,0.324782027728,0.400462842284,0.0756141152836,0.732001904882,0.640945405747,0.745008449281,0.564092219998,0.830350089885,0.974712071263,0.637441464685,0.732011714556,0.365600057652,0.677905084269,0.950195983842,0.59259536185,0.087687262222,0.145477305819,0.830419424658,0.216561636359,0.454077780537,0.659459490856,0.091480573531,0.528347755718,0.904606285896,0.561919593154,0.971289694832,0.25525152734,0.115408118662,0.775490803977,0.149951209974,0.0762322709956,0.0679120589494,0.498268610093,0.133085005654,0.690013250749,0.359545615947,0.704277403727,0.545422969869,0.0408517817522,0.320198517076,0.0706860466167,0.346477026705,0.511337716665,0.0586680776042,0.534816432068,0.549669525461,0.22239651555,0.705941411788,0.288971983741,0.673101276939,0.745362885728,0.551780771412,0.787508525891,0.54352905529,0.273051693821,0.69720698811,0.0683006978922,0.350129435008,0.364684453338,0.557156833495,0.0438508110205,0.0841613664853,0.88042444407,0.2661465237,0.998230575102,0.0280756202985,0.718602370999,0.805098622447,0.190324311808,0.373554620556,0.944051799366,0.419410005345,0.145951681175,0.407574675994,0.390266341953,0.961695139696,0.875121935398,0.494444243527,0.973697710254,0.611938245538,0.691165295496,0.715151623244,0.701639621362,0.863212432315,0.0053751749535,0.72971711504,0.242518285301,0.556637162286,0.227554820449,0.801244042111,0.736541969196,0.0549660596901,0.179165399768,0.460702580301,0.679980213788,0.708352207169,0.70795663917,0.845487465521,0.363340652234,0.800493155781,0.887695699612,0.489695693376,0.685078140953,0.617843311489,0.0325215681892,0.150745533617,0.444000234456,0.953857301529,0.278417371115,0.327951892446,0.69469693331,0.545244599268,0.210276408834,0.159683703534,0.547610387641,0.19697531864,0.825199875808,0.473194631007,0.955548954438,0.612084115452,0.200026748955,0.899205658642,0.170106319036,0.73253868566,0.76091435893,0.33669781143,0.188133310978,0.204748115483,0.935613200963,0.661866190323,0.422784284008,0.995781615354,0.268974904056,0.900982589597,0.838807282898,0.138171339849,0.000471388848797,0.0815177007956,0.0267481079566,0.652472952858,0.275794230279,0.301664576098,0.540336094547,0.330531734874,0.617424535622,0.712424926523,0.502134533708,0.819768040636,0.628695719142,0.0479503349465,0.15251982323,0.9371989736,0.815423939377,0.894941133644,0.675984414546,0.215581301452,0.0463505899368,0.0110115652075,0.49042237166,0.834153027924,0.657313213862,0.276815878519,0.591707297241,0.0770941033707,0.415954415841,0.321417525905,0.317298577028,0.794840492889,0.63920251143,0.477838867589,0.0936715139366,0.270627442817,0.975610931265,0.818128866908,0.0734372458313,0.506455279407,0.123401166838,0.720511853308,0.830257484924,0.401742454538,0.209355757359,0.880705510792,0.45642678699,0.791192137311,0.157891970019,0.261576095584,0.671805336967,0.804969359498,0.389608446789,0.595078748664,0.358758363994,0.539317215428,0.414077159316,0.0997243776844,0.0568829204857,0.901827393182,0.238649416968,0.106900240869,0.957969429515,0.239659211769,0.549380950914,0.978845449797,0.425031942411,0.959157503869,0.331272020347,0.275268430604,0.0273731811793,0.630056858396,0.0867915159401,0.476159742293,0.336436424128,0.135466753457,0.871405277021,0.452333369019,0.766235464779,0.623988070656,0.457541918451,0.23893584382,0.264319856885,0.740465181131,0.416495545878,0.893655290983,0.335561298898,0.131813019306,0.732677427823,0.752215345628,0.86921226459,0.831901159495,0.656532023825,0.48458900351,0.758611505886,0.72461993727,0.249433359062,0.627067778137,0.759396753386,0.0708046299024,0.167283495572,0.0934998749097,0.545734068804,0.514389168724,0.497330797123,0.0477716012254,0.601896418247,0.301360990694,0.0105528758973,0.209921604344,0.149759001649,0.601637435734,0.651182607006,0.265317578351,0.751715590146,0.58311827317,0.0881854830894,0.347607815297,0.453135254549,0.487144222646,0.824848547725,0.496198175259,0.0381169917763,0.55333091198,0.65119944642,0.27704095449,0.843917041016,0.0306748494021,0.542175590836,0.279699639298,0.473327103714,0.617549887511,0.777596355147,0.836678575833,0.098036497295,0.176741967306,0.67046403003,0.347973757409,0.524724152883,0.657543786749,0.155455815931,0.20173974561,0.232208827455,0.356425802821,0.498417889593,0.449241364933,0.675944374328,0.693611919261,0.0247358904371,0.0770902790299,0.637380184658,0.587820757468,0.647283039831,0.818760028731,0.570693103136,0.323195360616,0.209877705619,0.89738238956,0.126429621601,0.687461289476,0.445998439332,0.77603899527,0.217026098321,0.434671720043,0.713540548836,0.182216009096,0.57080383043,0.880975331096,0.612285409088,0.463497359823,0.940978239579,0.419756721753,0.853391501076,0.7445387867,0.136342837373,0.0949240522586,0.473123794434,0.0136152051103,0.475723419194,0.739001212702,0.436667145715,0.187125778209,0.80049195165,0.932945697184,0.612755377468,0.679157408794,0.510415285661,0.803146598264,0.859955523533,0.884830664842,0.938938069556,0.112534036967,0.963827561834,0.632240477443,0.869437919157,0.382992284849,0.296037859176,0.662567426709,0.898992688109,0.540155644617,0.59159029221,0.411675000838,0.775809478892,0.880377767073,0.227503096205,0.250673780605,0.155024842996,0.212192336221,0.571648310207,0.272072904189,0.94608197499,0.701060139776,0.977064766442,0.259293048636,0.54257182454,0.548722969866,0.737882000321,0.450932827658,0.398818342159,0.832859452193,0.107748417976,0.310023112954,0.245240321629,0.90869633072,0.396790088438,0.711464402002,0.204081262753,0.776659220261,0.797485312586,0.27328983429,0.235677946446,0.414686248814,0.918374078506,0.177407008603,0.150171931685,0.165860361026,0.453429698918,0.468807507263,0.114717824574,0.911487179402,0.852524031252,0.13790945353,0.247602240562,0.260291692764,0.2782578352,0.577064756301,0.686435859568,0.16339686188,0.38238951616,0.452327829614,0.863567102441,0.0606078536953,0.364937301775,0.221612393822,0.517835624751,0.503734502171,0.592340140249,0.823991724648,0.075339050473,0.00259902467799,0.718565833582,0.296910064855,0.297400303663,0.407058832765,0.570656599059,0.378295869444,0.662710920708,0.584358358697,0.913809150358,0.864357556768,0.702500190975,0.121587358508,0.0855136565697,0.222996547628,0.764807156824,0.849095618084,0.8999972077,0.283962252994,0.0164586932971,0.00770269501672,0.11152909773,0.0186483920404,0.0160256157013,0.231544836628,0.13820467484,0.384458802903,0.582453456386,0.947854521461,0.813137075931,0.857493937944,0.35696207476,0.465678462226,0.351285886464,0.854478975495,0.411032869583,0.142913849336,0.169371107404,0.652249761717,0.132475414042,0.506409438868,0.502394728333,0.183051449276,0.816705000061,0.188871691041,0.420708070676,0.416732715736,0.945569432652,0.917459739048,0.77565350344,0.449477584831,0.791759287584,0.573066281692,0.619085448902,0.722189452753,0.670714794887,0.459623410364,0.618494433828,0.709685744855,0.339317500913,0.207499308754,0.197518428662,0.12904512838,0.960191603657,0.0790245853974,0.792011190105,0.697011059825,0.436535322676,0.521249781315,0.274598608743,0.57310407582,0.0438063667328,0.630691762206,0.601115306578,0.812645426779,0.523171251986,0.454718558255,0.996768338148,0.447619388836,0.985274242683,0.533926682701,0.481952707284,0.992029858231,0.135990485539,0.378535324851,0.964315851304,0.305031193644,0.60697537453,0.461263633085,0.101566213366,0.225204063412,0.436431550906,0.44585142176,0.749978610767,0.270015805371,0.654762636601,0.910899797376,0.594268097866,0.0654156005886,0.87797499077,0.736753692024,0.161197819489,0.80160339151,0.730839318974,0.0197428646616,0.348661121275,0.558555727336,0.356272367686,0.330654939613,0.203286056663,0.297453469792,0.424422387936,0.965427255679,0.503936071801,0.32715456328,0.870169424923,0.382849831419,0.366191254764,0.281897882929,0.158238832122,0.710748648469,0.951244594277,0.183706206823,0.453784384048,0.629019649045,0.298477257618,0.270864466892,0.83158405509,0.0567493003771,0.321094890908,0.273002699631,0.0554058657454,0.939319737257,0.590146866489,0.000992758690744,0.109750119754,0.886771145898,0.257836870599,0.686065619318,0.966238893894,0.797778647483,0.0267688614608,0.826470565415,0.597005717286,0.00737796668097,0.806333870602,0.202286685485,0.304681882744,0.46241814743,0.855856828684,0.410345233982,0.264529768385,0.91482124938,0.441070786299,0.6396936183,0.614893384209,0.122797198821,0.353951249649,0.564054777049,0.389073429974,0.6887955303,0.483256520699,0.715747588028,0.631094367166,0.271537508252,0.65352180137,0.694437862162,0.672447419378,0.104518999241,0.988504735461,0.799327373809,0.521251724627,0.142800455627,0.631163216275,0.00307959094756,0.975673962232,0.847821557037,0.88078547169,0.272181792387,0.756140562598,0.854610005356,0.687244073154,0.315016852363,0.187025791559,0.456989607845,0.422989609285,0.458251383818,0.903313290014,0.978678295389,0.474108041202,0.359426111423,0.831385391367,0.908356680693,0.950629144333,0.553473799504,0.0971682531333,0.0234826347186,0.27338672031,0.341620841304,0.74248946048,0.811182151184,0.612570355789,0.590253887004,0.887079713838,0.301397117696,0.244528449754,0.588954712167,0.805436213917,0.725914892509,0.883056222843,0.34094585321,0.324152903001,0.217203012219,0.123564714553,0.399084262771,0.768823420369,0.550990757401,0.56327922846,0.33422424377,0.836323409693,0.881835113257,0.528075358931,0.187315298834,0.574616142678,0.0868410518577,0.3067067179,0.951867339313,0.739397365528,0.982526437436,0.686398052429,0.0661722508218,0.240815636712,0.604438076182,0.21450813405,0.45787220892,0.999700733516,0.731251242895,0.0860663448642,0.55852278145,0.453601254172,0.370234319017,0.293202449246,0.712992817866,0.105813298169,0.405118527147,0.643115499427,0.252525475781,0.351914931237,0.950765159702,0.64748410764,0.750893695319,0.136242400242,0.799133030684,0.64044288604,0.416154445081,0.360339177271,0.944339377353,0.147499477961,0.26394508052,0.39625691928,0.257506110293,0.812977664324,0.539638269208,0.136166419264,0.420064824228,0.607577457107,0.831749355156,0.219624600208,0.520963778014,0.030366279727,0.581940570172,0.419159280632,0.337122068752,0.313358259368,0.795722160448,0.411204559395,0.146775492489,0.631455487795,0.973272874957,0.173357310598,0.40860820495,0.476107228651,0.784547080784,0.00381339282057,0.547282402641,0.364536370986,0.299425808541,0.990267560837,0.151155855682,0.500557859858,0.167979180207,0.656277626675,0.27267123783,0.661489876569,0.0458234956702,0.198099680237,0.0271874419209,0.624590478224,0.560280970934,0.867001018857,0.859728540584,0.816859669447,0.391035962946,0.531469435512,0.934011055294,0.688697306927,0.638046104472,0.646938480721,0.598970869022,0.0222970524873,0.306582567719,0.965870560713,0.494252468537,0.223640210458,0.648564943011,0.918594387228,0.440126738926,0.765462035424,0.363905381537,0.381585219472,0.0949185780721,0.183515708555,0.48327509931,0.0765296119059,0.241553541652,0.127779333606,0.628120574948,0.290284154119,0.195031331049,0.758176676984,0.219405398544,0.00981050834986,0.0228667988896,0.911160052944,0.142034246353,0.456885252584,0.187256810057,0.236885875873,0.38625816829,0.930910113615,0.766938757003,0.261504623372,0.925379511755,0.540721186399,0.977017268457,0.977001945839,0.662533003501,0.42160161648,0.137551998319,0.706649434253,0.763944531499,0.380716904294,0.983501262796,0.390554759877,0.861924181879,0.0669021906102,0.0752488558165,0.744331274388,0.654313827044,0.0851724113979,0.263992313293,0.844778057989,0.939993383258,0.717760141317,0.223520564526,0.625834147298,0.952966567858,0.752787480137 0.0138783290741,0.50639007653,0.785672999165,0.92139053358,0.544803754078,0.918089691865,0.0275689504292,0.962528433708,0.0883369428605,0.94785170203,0.0526367083594,0.666917965002,0.554650637821,0.680225715323,0.116780907429,0.521188440812,0.922001223222,0.0684466426171,0.0110070201624,0.751366070878,0.333945763674,0.701724425042,0.641095531648,0.922493108315,0.638348815137,0.82271906325,0.498041420712,0.683025145247,0.461313545274,0.906355441419,0.482294943336,0.972638138251,0.242803348823,0.664019769639,0.750312238197,0.761300185968,0.709801324695,0.179685662997,0.773090981822,0.40288896787,0.731188594777,0.864034334394,0.758157619108,0.630629005076,0.69152658942,0.679488317631,0.862820998768,0.230279474085,0.119150172006,0.843910428397,0.138701871153,0.176018752269,0.779877909064,0.265846809669,0.121129491151,0.700566324523,0.621316474023,0.586192011812,0.188831929057,0.423732530367,0.621476423915,0.567202348619,0.732427698305,0.09418161918,0.45592340442,0.0403603342855,0.645080705736,0.78420593033,0.737594631836,0.723822812215,0.657041314916,0.0819083584945,0.135073322832,0.705721135269,0.456707734103,0.611536711306,0.983174482567,0.414177759521,0.0924220528278,0.678934187944,0.018523870647,0.726907710283,0.961654259591,0.861624568909,0.693990605869,0.40627426445,0.80098781661,0.318402912515,0.963745128721,0.353126042366,0.340879160425,0.304032236841,0.642532892141,0.579422037836,0.892767520649,0.292934284326,0.896298303387,0.72697063246,0.0261594402952,0.396624061564,0.273103026209,0.82798842076,0.349390804837,0.504596164852,0.351473752388,0.40472270595,0.479096481795,0.126441884185,0.576522014837,0.6870291308,0.894381368875,0.348195116961,0.658124430863,0.386825484124,0.106663223187,0.37314464609,0.611646856073,0.776553664694,0.614213122777,0.138369359341,0.360694138719,0.467250930322,0.492013574809,0.386866375595,0.708301292664,0.660304196636,0.844807805624,0.365526994658,0.018166922198,0.757988121935,0.666052422428,0.292825788894,0.641222410681,0.0582712837713,0.348610893899,0.86621374353,0.666938541781,0.804719271939,0.318613294041,0.979016641968,0.151242717738,0.87059846689,0.892020277855,0.252274030418,0.0757689609769,0.657643485187,0.628780564192,0.747560622679,0.29593893992,0.97580719013,0.359085496384,0.323265117674,0.357515738572,0.0384470977457,0.086079092535,0.0884482617474,0.619814609336,0.752045460364,0.374604482819,0.871520690687,0.40092387571,0.368442951083,0.146484482953,0.153801234406,0.129042788649,0.482038516915,0.29967969641,0.307300639175,0.160105981941,0.862081503854,0.439283210966,0.198037700555,0.360916661615,0.9512600103,0.898794566981,0.813660913846,0.64607598974,0.19075108494,0.454025415459,0.932450054901,0.00303055857748,0.0281644505229,0.212806230081,0.422043455909,0.587118202726,0.434693282627,0.190536113792,0.729684183879,0.0218790785437,0.0510689988355,0.883286177262,0.437167259616,0.396164237287,0.976545507136,0.69187176037,0.931030952167,0.0720376407166,0.743206942621,0.255902964311,0.619270692298,0.653796359038,0.204614563295,0.112241396344,0.901648423461,0.0446876662529,0.483785729367,0.376100110156,0.79921516961,0.328134048836,0.768720006248,0.885020017026,0.736095230559,0.665778369059,0.0547567099835,0.968723113347,0.713127002702,0.850688184542,0.134440589861,0.974765294978,0.806739018463,0.103916355773,0.299242383351,0.12163361804,0.590025377662,0.762428955907,0.32459752114,0.667617844843,0.106131866931,0.832555076947,0.730340285119,0.168444323976,0.291101423318,0.901191833475,0.920706258678,0.901749689718,0.932791414815,0.186496000359,0.335236734357,0.530727392062,0.838721156239,0.787423288282,0.380020127143,0.374909284628,0.795736106091,0.709282169805,0.46490359415,0.517273553415,0.686435051041,0.939096465432,0.571551335062,0.339839684526,0.138777024632,0.469931344951,0.453577925482,0.344157540622,0.164991143425,0.620749536698,0.942972874384,0.429544950605,0.466457846283,0.866774235984,0.583169127684,0.614076550878,0.873160593411,0.18267070159,0.681065834145,0.0613143678804,0.860780916752,0.500948090018,0.740172472643,0.388491597481,0.717650059792,0.865158976889,0.863572310051,0.487101357096,0.28816807478,0.659663317505,0.493499131818,0.107043690426,0.0462342480824,0.23600039839,0.232729969361,0.603605814561,0.964126178612,0.658783765864,0.543018298608,0.149282290762,0.154176843019,0.807392834991,0.847239717286,0.54868603953,0.753558952134,0.0100975482864,0.195966099434,0.00248398422853,0.788650765404,0.393964980474,0.709451335291,0.504281518796,0.310990390234,0.3353560367,0.338322637333,0.771223766696,0.388999465464,0.700949283395,0.701177076739,0.867133121689,0.719063978254,0.442802558547,0.596248790662,0.207152308042,0.612417796115,0.124733965932,0.0202911374881,0.0621358273465,0.0680755321863,0.465914470886,0.633650486543,0.820149357186,0.897896517675,0.778400504025,0.766202908209,0.727523692775,0.5443753477,0.459467205937,0.848408535988,0.336975841633,0.0832621812252,0.640344010585,0.696821967666,0.196008086025,0.881410129053,0.81464060213,0.0798082422542,0.275620367894,0.890767133894,0.132266640503,0.542647869612,0.852132881559,0.836041493636,0.0780932912998,0.746816669628,0.961279796086,0.224406970023,0.267847205454,0.0159966919288,0.428354439965,0.556411621361,0.427624540274,0.118818389974,0.0476526986985,0.0858784196914,0.225523882321,0.327274497163,0.443703586978,0.535089461328,0.167507276091,0.0366211217567,0.189162953805,0.653467344409,0.0923211777175,0.556793644628,0.828899093047,0.603251162684,0.320716328619,0.0511242032908,0.822380165196,0.391467960869,0.526493738167,0.213618703086,0.425094485454,0.568852095468,0.704180538805,0.331789269932,0.294875011628,0.505860641218,0.490725197947,0.514219829253,0.74895394454,0.134992151648,0.158671518695,0.176653485427,0.65421610043,0.0130021060862,0.628168997911,0.98614706878,0.828070224492,0.610037811782,0.877582513927,0.578197418316,0.585556746307,0.330144705482,0.0833810456382,0.344739740691,0.305810886157,0.809720424223,0.66379146162,0.958223919528,0.242123056456,0.0982245083673,0.788156587071,0.851761556915,0.618939309757,0.254938632129,0.173118525053,0.425906905459,0.40890294584,0.0933477512939,0.863064541101,0.780399436833,0.230347013658,0.805364879328,0.193723093475,0.313233083493,0.282368997292,0.210304756572,0.012520763929,0.987708391742,0.991472130183,0.238937965352,0.574532303939,0.619394491214,0.474122581968,0.279178109832,0.727801906075,0.923379691071,0.862940531125,0.783262343272,0.0625671334495,0.103620371711,0.265254824651,0.0647478347189,0.317192156172,0.355600258314,0.712556935549,0.896568910347,0.577638093896,0.988588067192,0.129803405904,0.51879742727,0.129133151082,0.466799306737,0.0708957104845,0.684204040896,0.197869246284,0.331211253826,0.229438419433,0.0359679828045,0.638496548741,0.965558243508,0.56954738712,0.825978136682,0.865018010111,0.554634130368,0.0680913303005,0.38317847414,0.2144575604,0.581185119651,0.752175910094,0.0429832672444,0.935063065065,0.259526223601,0.274046274875,0.649540053141,0.0177621755055,0.0120701372764,0.0865972984798,0.249463681062,0.637978345307,0.891178411414,0.166541894214,0.763872363691,0.88167087452,0.662721906383,0.559421063227,0.42522496741,0.539044208651,0.0187364210945,0.205020333239,0.494343714423,0.451297383684,0.81763948002,0.672531886534,0.695617795516,0.868195082768,0.298498587946,0.342104837456,0.888164435231,0.723135861005,0.641548806224,0.935781879801,0.413844029571,0.49108380145,0.967082485253,0.491157541022,0.654730463396,0.8048789205,0.540167106255,0.84216710774,0.0366298216125,0.966629969572,0.243821851411,0.438081627966,0.194965910223,0.167661592493,0.885425237532,0.944554175522,0.614763625966,0.954459713609,0.946248972658,0.229625975809,0.482452964951,0.303550480895,0.615273557973,0.481497370929,0.835686985127,0.528329479579,0.468853800237,0.0897173602247,0.456774151729,0.561041366855,0.266325354549,0.594485014747,0.842205105039,0.588760177473,0.354204477924,0.690463398318,0.0467917886948,0.511663769867,0.833768622528,0.472770276378,0.54978081631,0.255071965706,0.280790283605,0.215186840819,0.643905500879,0.442141058368,0.016207501457,0.897611840141,0.437243783443,0.834016740078,0.47062225111,0.439917349986,0.855284404291,0.930464017445,0.589467891506,0.878189479991,0.489454702631,0.0355878429977,0.363577463475,0.166514575187,0.995014700354,0.0878949292505,0.899404723913,0.550162369476,0.908983909789,0.208365734979,0.712701471118,0.0350328580145,0.738808550601,0.962993919919,0.591884552571,0.24736864006,0.649486008364,0.733108687075,0.638310358412,0.372739571153,0.805445493831,0.0616451971571,0.0869147814788,0.505048078949,0.766682955893,0.893118964461,0.287994203028,0.0648946000048,0.372777793924,0.502193634522,0.392271532734,0.736452063864,0.466646584471,0.290975372288,0.890667518815,0.217352613156,0.721841617213,0.196202571222,0.579236301743,0.271784993276,0.211635160801,0.865638776668,0.180965879051,0.139221714481,0.803075590448,0.549873049665,0.716740557197,0.956848364461,0.81372740673,0.822692792685,0.0376045700516,0.747866610166,0.0125075550246,0.539969932949,0.928383091809,0.436448764276,0.655926628037,0.331051412753,0.68634942655,0.205549934784,0.619221620816,0.457351164287,0.63535823711,0.147759357002,0.837842628657,0.0155697541758,0.6355709082,0.972142553215,0.297852534695,0.738914640687,0.391251585342,0.234408493887,0.770353988352,0.197746719566,0.0609280001567,0.601539176436,0.49023684326,0.536904730946,0.138773167024,0.214026135744,0.286229691067,0.823252211453,0.0860118694118,0.524888245338,0.245898197739,0.731812489262,0.431685227316,0.710744650425,0.471078115914,0.967529356655,0.738547458669,0.696149293953,0.401372690797,0.320181331849,0.682649792779,0.464247637404,0.176301797096,0.161693858813,0.822054569674,0.84709236506,0.448814879645,0.94245933102,0.480834493816,0.391656327501,0.62305183731,0.962432327213,0.792352159817,0.152533497231,0.843926315886,0.626025750741,0.0453293014491,0.598641895562,0.434390832948,0.875074288235,0.936499710933,0.856982899928,0.760632352777,0.669365122241,0.456861693253,0.00969666678122,0.707024276645,0.52627533844,0.219697092373,0.476436297168,0.0502388226611,0.559537534799,0.796480209483,0.812884308564,0.877431312479,0.323349281656,0.0752475970018,0.814453701739,0.89517966286,0.142772939433,0.571129103526,0.532217085197,0.705708252715,0.965512054519,0.43278317389,0.246138854649,0.898152622531,0.72522723452,0.749615302615,0.971961373426,0.647360584944,0.635317755617,0.934313153212,0.772054401809,0.164870326766,0.335245754358,0.0428277952152,0.629455740302,0.712596309213,0.33604654316,0.480273843827,0.486375936673,0.913854860088,0.676894487669,0.793429625137,0.172086358663,0.204890864471,0.330579680537,0.735098454918,0.722739987128,0.927647776426,0.648693362219,0.327978092758,0.343098535477,0.379159875651,0.406486458761,0.668813742154,0.892333856459,0.690276261684,0.798134957917,0.392159149848,0.0274133071705,0.0776365167911,0.751247028602,0.205494116336,0.981563517544,0.063456418647,0.237669303663,0.616308750828,0.869791825748,0.357591647362,0.967551258166,0.463774299608,0.153619357315,0.613115113156,0.480802440017,0.370645084384,0.757650506868,0.0739450859492,0.230071453881,0.420152844001,0.94420743937,0.980446294188,0.77646779834,0.411495540528,0.263985694915,0.506838563124,0.626410401775,0.052018657101,0.32262319389,0.762677018746,0.218148339817,0.659907333028,0.0308020733907,0.96654093751,0.233441496032,0.650657186412,0.101345136785,0.216106054395,0.594560703699,0.230531605279,0.186960609206,0.978914530409,0.176594797359,0.789142313199,0.554765673603,0.270059454753,0.944093079336,0.0960465205528,0.118206920019,0.478416381283,0.744379992301,0.686761048525,0.247272947738,0.943896206186,0.630872968318,0.956474464885,0.898016060268,0.493111099841,0.910674673156,0.631469240044,0.234691076395,0.180135579132,0.516396342005,0.763180513301,0.228944173635,0.275838359764,0.471751789313,0.410072017308,0.926657294024,0.551680354817,0.4330215048,0.695476600631,0.991745396257,0.176306694579,0.295107354151,0.555253523948,0.9566198157,0.0637409263571,0.268423970569,0.629952455206,0.658681987269,0.0380480477663,0.876509997383,0.48578248147,0.601487784605,0.0491383008007,0.993737231969,0.169075560259,0.109814589114,0.772710796366,0.0773404877776,0.733663103909,0.438342631251,0.681817018525,0.673002108722,0.995186014237,0.954477243277,0.252233415304,0.173328939165,0.183243966042,0.830357511147,0.37615339773,0.107380207144,0.671848722642,0.616593862432,0.0763538309791,0.401949890864,0.784868514377,0.420793777147,0.601308516907,0.108193837746,0.230302109892,0.448479346469,0.105841997784,0.0984588937104,0.591407401454,0.939057352219,0.215680609413,0.945892141557,0.307333212704,0.497590306323,0.081866960348,0.180112466992,0.174818267792,0.597752561446,0.193708886539,0.427502324108,0.0814647661362,0.258098145132,0.0875342315719,0.531028519013,0.64444466932,0.0248634326901,0.0696100618809,0.206410282815,0.547204552256,0.419061898219,0.235041296109,0.618246035036,0.401356276531,0.760977279071,0.941400963965,0.642953364209,0.76492053048,0.473000901278,0.312646395665,0.771152983031,0.440859446634,0.0138096216761,0.299686055025,0.168999149526,0.152038892397,0.422568868334,0.378905551459,0.0756049574958,0.0556288245742,0.835547972238,0.522577733764,0.212357838338,0.774833430677,0.234150772182,0.653066062564,0.883444186785,0.895302478399,0.424220377984,0.234472069693,0.744722525268,0.841642901449,0.502339808456,0.0383554715162,0.873000307846,0.0476597390275,0.600578131404,0.00226991232372,0.702754435238,0.0963944313104,0.972031049573,0.843146085029,0.31564197375,0.114376536865,0.0314739042031,0.534241839563,0.0653984637577,0.304996737338,0.621659035486,0.970408797323,0.40829684012,0.83473104821,0.584827766539,0.406726430756,0.57314605977,0.964754295784,0.651066339178,0.523347356107,0.715379973794,0.989052125775,0.434799885497,0.343874700341,0.454291778442,0.296681219861,0.894154424954,0.0916293640636,0.301545960284,0.247040132703,0.430359685085,0.743847047196,0.396277742694,0.512452996444,0.409670863744,0.959599611788,0.522175214322,0.438521284555,0.888950639432,0.419890682451,0.533254223384,0.496284847434,0.489123310393,0.924221869913,0.685020740796,0.193653653586,0.380962201529,0.735074350922,0.383318940541,0.20849462268,0.899679830764,0.419068150983,0.5211400074,0.0264902741366,0.492391182929,0.0625416167123,0.867973578082,0.538560017249,0.635296233776,0.214037690269,0.231546125263,0.0312388067415,0.646073044041,0.610767139574,0.98835753683,0.968631103987,0.948790605556,0.150089123532,0.746981111598,0.943957594443,0.486891973605,0.593874997689,0.750870204933,0.80205130469,0.0947245475986,0.845453941903,0.424799968568,0.253793793841,0.510398651637,0.505880234382,0.602003503342,0.109139418988,0.977679138874,0.245577802707,0.26149117581,0.186734371114,0.461871720321,0.820613767147,0.401227382611,0.755539149337,0.209232556518,0.44836063182,0.32365580359,0.796248085699,0.865286144831,0.0138372479063,0.45629002427,0.43643225931,0.671759682939,0.438670442867,0.155277403376,0.526703782825,0.494600908095,0.576719551747 0.170111047086,0.830868834451,0.751008553968,0.372401540739,0.54840608383,0.471815348801,0.0710058923756,0.46494419555,0.69714061437,0.0719859186065,0.958551362115,0.722763827913,0.234736791605,0.821408428393,0.57463269448,0.722406275138,0.82444170412,0.8640532012,0.370911977254,0.931487997778,0.810089458042,0.0763181799038,0.70808354951,0.209351679532,0.103830911551,0.36998739665,0.79743661571,0.804981811479,0.245665559708,0.319881346281,0.985012252585,0.0284440735107,0.3667549367,0.0323302049883,0.71119166988,0.161561389421,0.15784290661,0.669301091544,0.47539086062,0.141335568733,0.432780155487,0.700790646041,0.481997191186,0.124393165355,0.787103185049,0.574719230206,0.649280459636,0.986668872808,0.701049672577,0.955737432711,0.808117163405,0.293393259313,0.478409427081,0.621259482394,0.596498048292,0.239382317906,0.0982691271422,0.302201245062,0.851515146484,0.24006022909,0.596415961711,0.839179115739,0.461997167893,0.780333559251,0.430528260316,0.314495069501,0.599929217444,0.435407129735,0.0285141106788,0.880642293565,0.892335785607,0.819977223724,0.296918508491,0.407747757464,0.748687516144,0.400179607902,0.563198762225,0.107119904958,0.559397341974,0.951231808155,0.181553972575,0.10445407045,0.72181026227,0.539343724856,0.24339630141,0.528753123322,0.337349414622,0.222351312522,0.203801402181,0.411790733999,0.175648476841,0.60768318168,0.893919093026,0.643619933775,0.162578926989,0.846632610869,0.411188034007,0.125440855443,0.769433821829,0.0860055252711,0.649210668346,0.509061264601,0.850716044546,0.607077666105,0.825889730448,0.308279618698,0.988189728337,0.400585089775,0.262966117271,0.764200480415,0.788499084584,0.895166608116,0.269997228069,0.70484280463,0.327778243003,0.596097394332,0.177572539372,0.678296590096,0.491804004217,0.213553316674,0.166458249204,0.332604885365,0.720984417502,0.458371166552,0.293674858198,0.566909754124,0.443338440606,0.236402148929,0.655546542992,0.086162546121,0.0194384962667,0.40282481136,0.411888293802,0.550761348429,0.163023155167,0.0879370130728,0.19768202707,0.138928161544,0.622429907916,0.0661662517134,0.891624067369,0.239822029664,0.4263022972,0.405660431152,0.513624892043,0.395370978479,0.765772579195,0.657661180051,0.32779237983,0.0186048868356,0.339938921956,0.417125636724,0.673981488203,0.677737760005,0.779729523459,0.0661650897024,0.648139183333,0.62618022388,0.50648235364,0.968159474215,0.231535917851,0.194231255973,0.555149822543,0.650909622495,0.437009506032,0.106918693666,0.0671061621337,0.960138462029,0.569072191369,0.742412114087,0.0174868315964,0.14098574997,0.712620127268,0.66629554938,0.709580131086,0.556414693511,0.95582646299,0.750514951573,0.153179980874,0.702858567262,0.984337334145,0.00375343736596,0.608157044096,0.471545363282,0.471563887048,0.560495827977,0.857071589792,0.915915534153,0.42630598102,0.536295982659,0.734502952269,0.758324146231,0.646540626838,0.0953710457458,0.106202588996,0.21628257515,0.919046488082,0.232410168852,0.182306477427,0.464553992401,0.99378596462,0.287451587549,0.227590565625,0.514826981272,0.546527477867,0.181572048462,0.0473475596283,0.448312013498,0.881342487868,0.0607369199795,0.408237905219,0.445335180568,0.127136732503,0.286510426549,0.669491698937,0.112926917659,0.184965154028,0.630166014538,0.861810888383,0.44490650516,0.259468319977,0.257681882352,0.598655789658,0.233436840605,0.115370368581,0.850494067095,0.290671542003,0.75600015709,0.231695940013,0.115976940429,0.979442416661,0.880948007479,0.923900779769,0.0388261191981,0.839278145159,0.594661079479,0.167529228906,0.866684188092,0.61274307706,0.66037675509,0.274361024513,0.988585222085,0.369832811806,0.178208025069,0.296016636542,0.885569564039,0.625874978025,0.0981973336941,0.51165543112,0.030168520911,0.799245464253,0.149768347422,0.611156003512,0.804731409835,0.64937843467,0.0673049235854,0.317747684683,0.111012162147,0.100088192024,0.780584943544,0.235821844399,0.906609493724,0.701732261826,0.290828744475,0.176190139033,0.643771503583,0.987613762219,0.645672182404,0.160477863462,0.963754921886,0.435841485399,0.288478039769,0.602456736525,0.323179962833,0.156487046538,0.298539494477,0.959134869013,0.845050009759,0.808477754674,0.786803172158,0.454746043041,0.0726876665524,0.374021330789,0.376484203625,0.94820471142,0.709912264847,0.522695625093,0.275483106789,0.417376182844,0.200413728604,0.626001521997,0.846284327727,0.199823351588,0.324670958241,0.244482716047,0.827360960192,0.352574606583,0.77520898952,0.353163784013,0.663334465703,0.651457096209,0.32032613304,0.701197117633,0.751280462838,0.0843929441312,0.221920171969,0.0780954848541,0.401123683181,0.728033179996,0.356323597269,0.774866197352,0.654484044773,0.11182527323,0.233772802586,0.827255382083,0.711047075587,0.715088246095,0.278027813315,0.202341508568,0.50459977887,0.898462646429,0.505284219729,0.871927765784,0.25468759124,0.928516122238,0.53569818524,0.103819520804,0.133856249794,0.0392665325229,0.425116711059,0.87518849623,0.74613179724,0.114406844166,0.671262449356,0.977174353055,0.662690598357,0.889779327844,0.684271630277,0.0839817496008,0.209493296891,0.683745579374,0.705584541608,0.472899461221,0.975067693917,0.452973863138,0.21593136756,0.947836283291,0.704910692827,0.616617081862,0.660081496226,0.041654892447,0.777149475905,0.494591351318,0.72895924473,0.698533572696,0.94407153828,0.914613347097,0.155868409255,0.624348715081,0.560747179317,0.890104538424,0.754021312118,0.0835373582282,0.999670559609,0.361747733186,0.495070188876,0.840693120128,0.154243136682,0.640190789387,0.360110942104,0.317314412807,0.558768944681,0.954698923556,0.0610739063139,0.902107422147,0.420561959756,0.0684797756669,0.876086026427,0.785107501052,0.265711727026,0.808096299418,0.0209689464812,0.539486649692,0.802203308729,0.455895849516,0.938895850128,0.781269548682,0.0382168409768,0.649675898436,0.350441027753,0.658012467411,0.721968182631,0.25735815801,0.501237499683,0.48887975751,0.918237996438,0.160729473303,0.513817299185,0.342056775391,0.56477557377,0.128043914829,0.0831281258115,0.798921387013,0.963975228478,0.707749003995,0.816334942368,0.403451914481,0.387263173952,0.458495962883,0.0551075576033,0.368524081758,0.134880518826,0.973597216699,0.38913995031,0.56706604273,0.180326730665,0.292905445355,0.58891421563,0.4621882264,0.271943508811,0.101095765394,0.0504501155043,0.311356945406,0.602699180775,0.944496210671,0.691938585645,0.137914447049,0.406263450212,0.334748168509,0.36488818485,0.0668900586243,0.571448033952,0.220331027871,0.763629972908,0.566290504039,0.903630583394,0.721085658116,0.730070509934,0.377152939442,0.686707530549,0.955555473373,0.360607190819,0.0170293523013,0.744114693923,0.625840782655,0.417428905409,0.674644964883,0.713649443404,0.676771883244,0.749632640435,0.124657193616,0.413704428567,0.171734183651,0.381258862426,0.837037068465,0.227071178022,0.931563998878,0.689319260736,0.665789834683,0.744009393515,0.660783756038,0.921887511934,0.691622019066,0.770155002768,0.723324799041,0.530944288383,0.990576491944,0.470610571428,0.199869613684,0.358694787899,0.884031219212,0.658471992833,0.203519065927,0.486011946732,0.311519459003,0.0770108813704,0.179413013013,0.421944047427,0.382095355954,0.0861862807518,0.26153471686,0.746936594056,0.922912805684,0.533219496132,0.48062162198,0.948870275838,0.710229972331,0.912119791601,0.969098317386,0.640462229863,0.374184692108,0.641512469973,0.532272288897,0.627402762961,0.170650720562,0.677764581184,0.469863938796,0.383061114674,0.775660331847,0.00248873791126,0.476530156025,0.188919032908,0.183930299369,0.619192968092,0.869920672922,0.144559520653,0.56228184546,0.0464722061019,0.794545000214,0.135938170531,0.418682599839,0.0767556236205,0.219150783184,0.444764695096,0.702466347938,0.308762982239,0.04356957483,0.689801510708,0.854926256655,0.701032422793,0.738611046679,0.966692683337,0.0399475047526,0.699540697129,0.604101447245,0.107953154297,0.558514636957,0.730914305709,0.95034672146,0.689659579413,0.707400584616,0.0369648648477,0.794777959972,0.0690968657057,0.179719669105,0.938202118632,0.458759704512,0.588019349186,0.370701708689,0.795666605616,0.297910746417,0.0765727955295,0.699490588874,0.134816286877,0.532437296177,0.416279362965,0.609342395307,0.147930685043,0.85937342432,0.835592298586,0.911224297319,0.931356134253,0.402521432729,0.597295292545,0.826492070875,0.0965199192343,0.526555814956,0.243566541911,0.0403637621915,0.979560116247,0.650307405317,0.0852273531314,0.841911537704,0.203974504612,0.37423314177,0.997974686489,0.96755038113,0.582820939226,0.931776271778,0.674619891422,0.0906614015814,0.960257992787,0.449183474602,0.64315452908,0.63066595649,0.0549446612785,0.546993157438,0.515342466347,0.851742759233,0.0356911356104,0.8452709037,0.67334312757,0.14131238025,0.624316777566,0.326394237193,0.48492663912,0.223681348185,0.819552163365,0.128058366446,0.204609038194,0.416124843851,0.933229524245,0.508156063615,0.86844824678,0.975543245082,0.260525324319,0.328936417068,0.576353866408,0.664810662412,0.444975077903,0.216583977311,0.482289401093,0.761130047257,0.646444004624,0.924522964054,0.706716549996,0.489776055293,0.328259891726,0.901036909155,0.918642172072,0.23825398843,0.736729032707,0.297502413002,0.479336155136,0.753032643572,0.841529080936,0.852523378531,0.381975611812,0.0264956935093,0.899115292292,0.365252815062,0.850552622286,0.052393170668,0.596526191715,0.030296893026,0.77723681865,0.460409700338,0.706124426077,0.390525855646,0.0814928370976,0.91227174181,0.472711033294,0.316228478916,0.363440892844,0.992714747693,0.252014565159,0.739090283966,0.654314570516,0.373660767072,0.277475588491,0.486916502881,0.104771760725,0.844078028181,0.693553105938,0.42611462672,0.00506312983075,0.560336677888,0.0886243629066,0.0838323620018,0.88479369008,0.543071534536,0.915063860278,0.413062971245,0.551418946486,0.110513758077,0.341697233128,0.934711971367,0.445839668128,0.407777731009,0.162499205241,0.758893800334,0.212011133952,0.119595299617,0.549392652754,0.537356805259,0.800844686926,0.770802178139,0.860029768542,0.948452321708,0.768237315731,0.328432263112,0.65155731997,0.736967494085,0.44052959301,0.367240007651,0.180141892515,0.849758672018,0.635733816483,0.6579855414,0.0355318876203,0.567346002593,0.782134132299,0.895035395963,0.153861653774,0.338238754844,0.262463768603,0.923737295214,0.415941422839,0.253849562997,0.305469130123,0.217753957334,0.946764142923,0.779603350242,0.608560586899,0.13833205544,0.513736230431,0.661168747348,0.420982689924,0.0164369800318,0.183764948829,0.976110779218,0.46907845863,0.477917677261,0.7099982255,0.157416820268,0.181521926469,0.351715856618,0.0984255911783,0.469586569207,0.718969678165,0.975578435673,0.155389748357,0.868720000146,0.187519668202,0.83823596888,0.636034989872,0.43857899468,0.940652793578,0.820153822565,0.816160050447,0.522030489978,0.460731353008,0.995815192308,0.655473210504,0.349269594999,0.0572761606131,0.159089129993,0.274457296736,0.249078872947,0.341306542371,0.327208855739,0.574438586079,0.306975018605,0.427998975446,0.796845870417,0.754656532794,0.764583721795,0.437055464936,0.751634485277,0.757739627947,0.95965260672,0.958136999652,0.830776055103,0.994526188808,0.627687948318,0.80236299428,0.767184435996,0.0623892178728,0.343165650216,0.499578168739,0.546190999379,0.975445672508,0.310786248416,0.32299491638,0.246221697763,0.623772621305,0.922816171488,0.0405268583325,0.27208402779,0.8628048874,0.295775548581,0.47775613221,0.480406782812,0.46409244328,0.0518220632512,0.588617644239,0.386676385318,0.508615534236,0.615717143907,0.727095857356,0.249249999744,0.442660995028,0.137780227846,0.105922021469,0.906994171194,0.993658657336,0.218686947019,0.646468741518,0.833360339285,0.339614802868,0.687573381593,0.555374771801,0.188950033913,0.15114774688,0.0153877572273,0.965402729893,0.540792891881,0.734686520551,0.581994461213,0.182950049869,0.333626393563,0.295513528327,0.849291946515,0.325654904943,0.00453334611878,0.0792628054024,0.0145622739953,0.689632000191,0.9436784212,0.526875911018,0.69246639162,0.268292356779,0.780258395474,0.043360083078,0.84248385205,0.491400983888,0.268128791244,0.856742743931,0.935120801885,0.847422148318,0.9171054618,0.00726092859811,0.250827821533,0.560364886398,0.981266099362,0.733011488133,0.961164822182,0.147280253617,0.0220343571353,0.405796883389,0.0454404417647,0.85319241471,0.952211566569,0.701666548389,0.739997239157,0.62457379049,0.768591424207,0.489453879483,0.656011522037,0.281180657317,0.533114506345,0.601535791912,0.853468200142,0.67177709901,0.548051945279,0.129283694385,0.799909103918,0.941367155268,0.0544480165072,0.747952305023,0.637940346331,0.808518786189,0.142064951469,0.746469406266,0.860284718665,0.158078280506,0.0898127729878,0.96460558439,0.771051651877,0.833286374504,0.14321925954,0.00975486871252,0.467559503051,0.909991037203,0.487024179842,0.752060882123,0.985369930612,0.847302557063,0.221232977243,0.811922699089,0.264044497032,0.433247432541,0.622272345651,0.47163178833,0.48929821687,0.448206799575,0.760502092016,0.255256484553,0.812984764859,0.180826011684,0.431633218647,0.326304495514,0.288525756271,0.00889738561365,0.693926371494,0.989777548066,0.458211789706,0.288565519574,0.159369479455,0.378487942452,0.471831434164,0.473264910963,0.49613440276,0.0584110380077,0.332969588479,0.957218634533,0.753448590377,0.564345253611,0.166685084719,0.231536987635,0.060850708996,0.885713817564,0.460101505254,0.345653156237,0.767900464843,0.594156547762,0.97994387845,0.653865652349,0.459587132904,0.739633559939,0.228333167797,0.53338047529,0.701686877059,0.79582705951,0.10602763335,0.283477147146,0.579490046822,0.948733837581,0.651818361324,0.86696000171,0.261463000014,0.872957536729,0.707183204246,0.692706820405,0.245940371489,0.838081669326,0.158131919416,0.739094556114,0.390914786591,0.291167346773,0.568774370745,0.458234290497,0.790183913128,0.694887969047,0.792031455793,0.403923180703,0.536631058921,0.987037701249,0.828064301641,0.993047796501,0.183308324773,0.620895953046,0.332579374446,0.83329509222,0.531196708963,0.365557812693,0.850895377709,0.777504779616,0.0367791501827,0.168770624895,0.997980008431,0.812604832398,0.425991060904,0.761645039866,0.749471027715,0.922083934122,0.292868324994,0.477698876364,0.511152931186,0.979114873173,0.128764801829,0.635243011415,0.159017746597,0.437836097832,0.205486684501,0.790693467916,0.546360916053,0.439357196211,0.345341584923,0.0852547560693,0.677817827633,0.401058447299,0.947975040289,0.955192133298,0.0945556094274,0.690741351708,0.655013647067,0.601659049658,0.904284843334,0.920046493395,0.479545190546,0.746678217346,0.604259419909,0.852921350579,0.318957168423,0.562377779192,0.778387190967,0.726142239396,0.356121932666,0.605374979256,0.676494848596,0.330374814173,0.0962396764511,0.964841815421,0.812639385355,0.447497931558,0.414469026795,0.238578519439,0.0624252360648,0.130994418852,0.78130982092,0.311016090817,0.883448619382,0.255745831189,0.701144597514,0.739413165413,0.102541964952,0.868423606388,0.170278051369,0.484149834292 -0.9300292763,0.19651044481,0.0216452001528,0.764278040324,0.590212394745,0.451627761276,0.955666750372,0.605841709347,0.742225474326,0.113080013302,0.746979534129,0.251677869015,0.374820539191,0.0770394716338,0.892193339981,0.288732440113,0.657330844377,0.468404946534,0.863332286312,0.818231559252,0.0904476090663,0.870710004522,0.983745458825,0.940049241918,0.916947286754,0.527711768103,0.917912078765,0.710966024656,0.710076598198,0.409534661177,0.191012760631,0.374053088062,0.68381212116,0.310362704368,0.607664226755,0.599014982873,0.706347176429,0.075988723686,0.199720174828,0.587328764001,0.862196787289,0.980763203695,0.975898238792,0.30669557086,0.184085261969,0.874382608837,0.542100259351,0.403214077054,0.67947612882,0.0834922778929,0.0539629763547,0.00238273024548,0.681470634456,0.25477143874,0.244223411196,0.325749885521,0.416853762352,0.0112257232179,0.457461061851,0.836967534973,0.651420707472,0.774362227895,0.14067233609,0.22381204177,0.658287579485,0.30157663493,0.650357633535,0.854571132511,0.966012934515,0.366210402718,0.220262492099,0.280160256369,0.735609001751,0.335380012875,0.0458813453356,0.928794579185,0.123937158611,0.346051010973,0.930269016151,0.79129677847,0.512080460384,0.964607729141,0.0687050567224,0.1082351829,0.751390735665,0.523341545621,0.368201736355,0.846343111136,0.951812871298,0.565404984201,0.568125762892,0.733792066671,0.247151252387,0.0958180782097,0.894883352829,0.310772308244,0.203652354777,0.607818540483,0.320263864411,0.392041291389,0.96746024692,0.272358095232,0.774349579877,0.220188290932,0.482080400154,0.388721061039,0.0330203857917,0.39097387148,0.659085921522,0.815394302804,0.127515292731,0.615359768018,0.831807391733,0.526077588399,0.97752894213,0.156127614432,0.0966280197489,0.952576928231,0.0717050258577,0.0865619866793,0.932667158091,0.669992126264,0.627664357466,0.0883222201056,0.143123039177,0.122280406894,0.544598522308,0.111186853674,0.772067534676,0.739801062525,0.100591887822,0.317889712694,0.255279160837,0.0875302796631,0.843128229224,0.605027989094,0.16493809954,0.0636135329999,0.150854620702,0.562057844996,0.941855297113,0.923740944133,0.374864415676,0.239978864116,0.665058756248,0.518129960632,0.115228834066,0.267628168719,0.769357885925,0.414517323552,0.142569451354,0.737474309759,0.7567577988,0.916063055589,0.473208381979,0.499150838866,0.265314481841,0.631996572415,0.118937820922,0.617706823286,0.715383798611,0.0946486475481,0.43395709172,0.142681056174,0.489437032314,0.60767203257,0.907038092731,0.0606365267064,0.259288553697,0.863754473782,0.992730315443,0.345358340924,0.0039239625033,0.778076215894,0.724955228096,0.405414279855,0.544003472717,0.480396865923,0.881034156433,0.60722610864,0.409267894945,0.321686575098,0.07881119328,0.706392601735,0.588871344311,0.715419800245,0.0371614035859,0.511760590613,0.0529009829797,0.877312064737,0.359916366724,0.54873479269,0.107496295985,0.688562369912,0.880714406585,0.296754083651,0.413905786592,0.372822380425,0.345694540183,0.706483707414,0.623392685013,0.102575687113,0.6537218931,0.824050148587,0.70373143177,0.773380152192,0.698857859325,0.5971861045,0.982961070038,0.826222253122,0.986417527657,0.215251627591,0.175760743048,0.966315019549,0.404530323729,0.237837177184,0.969152454916,0.640837076623,0.281941704106,0.436793138663,0.368551386455,0.669588467729,0.545608502106,0.515992802748,0.616070901136,0.708099250024,0.929443544629,0.735802803004,0.308464826677,0.887229305039,0.221899983423,0.751990017996,0.894949712014,0.558012349074,0.158568773706,0.0239584432416,0.814807023363,0.0673631555373,0.92345698109,0.280525995578,0.986071726681,0.12346814443,0.383550439963,0.164174428962,0.300600718876,0.956792982771,0.45747069333,0.150671425113,0.845504953066,0.627142314722,0.0534826761505,0.840922607675,0.860351104984,0.231506537092,0.757094225698,0.533646936645,0.467854961049,0.729614691292,0.183672370165,0.623186083581,0.154421073882,0.707951886133,0.835006239812,0.270375564259,0.401557446251,0.955482254151,0.371524479981,0.202466475693,0.664496912573,0.320123386878,0.0026726504801,0.171985299133,0.20028523752,0.758803577603,0.159933659171,0.946778154469,0.433586797774,0.109488853745,0.440590874608,0.680829313905,0.741230623187,0.139276071651,0.76547762719,0.788662223549,0.66014738453,0.553247146359,0.217871192674,0.968407421846,0.127385257257,0.381062420525,0.248395625509,0.385895045564,0.972381793596,0.451107835209,0.72094620598,0.597537131591,0.66289627795,0.462507896177,0.239354637422,0.595312778521,0.373599574864,0.402360666637,0.893754315273,0.825458859548,0.408445494314,0.890803600944,0.542219601673,0.770228351254,0.0492529118531,0.109234833791,0.523113415665,0.800211544799,0.382721539069,0.47110004375,0.465301095346,0.481717788026,0.750052919753,0.411852117971,0.00315553041714,0.406540488222,0.179459477136,0.901803193867,0.430810229742,0.655119475503,0.35540761463,0.159736964623,0.998237102835,0.624085558904,0.443473009933,0.842203525102,0.67721484103,0.852731251048,0.317117193622,0.782465760266,0.252900901975,0.402751598062,0.881391450804,0.983543333843,0.122327488395,0.670516111386,0.1113636466,0.57699804206,0.356690546004,0.817355385234,0.0124236368836,0.896676967682,0.790089379474,0.159075385764,0.958456183049,0.429745324464,0.885134525345,0.166138807434,0.676990714074,0.402559626672,0.391748690699,0.708790147571,0.32680812591,0.68477645976,0.310043137168,0.936154403726,0.932170315695,0.355371738232,0.367392403072,0.471183297,0.756409912245,0.0724858581786,0.693877740088,0.980697121746,0.209545936876,0.358869042548,0.301960111791,0.158558404627,0.20944318708,0.89852071491,0.477992600638,0.363424966738,0.944367361936,0.473160907848,0.558989231864,0.778838846448,0.527042261892,0.61879134886,0.145906059767,0.969695414116,0.00311337980431,0.885379922824,0.00434034852997,0.612569539074,0.259808140958,0.623662029517,0.400980486456,0.267540021721,0.881182715381,0.199960075509,0.876348534632,0.00524741683695,0.140735946164,0.407823303909,0.00959302349658,0.512778493537,0.614717255391,0.799387783779,0.720364785372,0.510327658528,0.0768283438465,0.395073329986,0.000422281923053,0.446331924282,0.978152435363,0.382799396646,0.704335536545,0.683647449021,0.0491230717025,0.352114454506,0.0925729355475,0.868260139168,0.503634728964,0.705540515632,0.829243451342,0.0587003873595,0.649785474932,0.702290533038,0.68000126674,0.706156949988,0.7208183214,0.020876836499,0.600005714508,0.952166472546,0.133992715592,0.0982434548981,0.135095448588,0.158713588335,0.613532316033,0.882721231222,0.297572369334,0.234808177336,0.621101727272,0.480146967497,0.705724573784,0.329878760815,0.271676805278,0.889963651106,0.928353193214,0.871833957693,0.575914840005,0.437651641482,0.367510630527,0.926170593959,0.491687155129,0.351798281342,0.543406794885,0.88574421578,0.293578705972,0.177130557177,0.90473081732,0.0100624347346,0.0731558353502,0.165168668009,0.311956318037,0.728072300126,0.642083218664,0.0167404543807,0.878016607482,0.44361060293,0.48581562553,0.00789808254524,0.4369755409,0.256364496749,0.951754296729,0.971768203939,0.999255018324,0.139311669963,0.248681255432,0.513999599647,0.0316639652722,0.761484525806,0.869458214418,0.804077666675,0.924162466481,0.617401673519,0.630053591712,0.290330665755,0.0163000070145,0.294067569749,0.537868864144,0.604729091128,0.535031103869,0.588262711994,0.108665146281,0.328572287669,0.114858076299,0.264886355091,0.554535681664,0.372392317239,0.486803754357,0.456834231575,0.685336201008,0.0130685738671,0.688377263099,0.0210953460397,0.593161749841,0.976436594414,0.792602795954,0.888119848222,0.00212588508375,0.525017488006,0.399647230616,0.0947809378687,0.662378072003,0.834829831614,0.670022750739,0.168737960821,0.537587811145,0.357325685495,0.736292039003,0.627429183372,0.084278463509,0.13706895132,0.0760393667079,0.839652357539,0.637990089152,0.271754519867,0.651158494234,0.669840070556,0.99414717523,0.359347330451,0.981644400302,0.320827601505,0.88990157472,0.633346732169,0.0482474865427,0.404879985524,0.579457615476,0.857223751836,0.108533139813,0.247482188201,0.0212650130723,0.799992899606,0.642720661686,0.937899148285,0.0922197102946,0.613174551662,0.767215735847,0.626949356742,0.469039826223,0.139130955456,0.814557670824,0.129755032784,0.773687518709,0.513808734614,0.237211353568,0.204404264349,0.126459197572,0.305826845441,0.403201064396,0.369829451064,0.779359252474,0.804761011044,0.554749223153,0.880275627881,0.250529371721,0.643121211588,0.411058059813,0.676970443591,0.616917703825,0.630057645625,0.113592647866,0.470731702296,0.608054101339,0.226513125564,0.483493526512,0.928380967227,0.641278947925,0.879770305808,0.326930081639,0.876695594488,0.407177006797,0.591708553362,0.888167204404,0.278577824848,0.0671170155022,0.456608701143,0.0404973370936,0.729846543591,0.745139189854,0.315379542007,0.378910766965,0.648573631813,0.587334294211,0.800909282802,0.255372439807,0.41143418572,0.486227881352,0.873504541977,0.683987240534,0.213971566346,0.845742335894,0.217720216852,0.531044637367,0.265307179022,0.826687845755,0.8279826023,0.105224759979,0.119062917906,0.741341167453,0.573713738349,0.942619936231,0.710097959853,0.18085596083,0.285208651209,0.831583334664,0.4480992553,0.619260715623,0.688775585977,0.940414790488,0.506714210577,0.367084628013,0.135431533604,0.194071308879,0.996617419669,0.865289557738,0.385668791232,0.145594903977,0.476570796128,0.442092741241,0.156419267642,0.273992755802,0.0797448348897,0.159445239225,0.980956834239,0.502529890202,0.808139035154,0.507004660225,0.975453978244,0.724533746912,0.106468287133,0.552467147624,0.128739310397,0.840095781224,0.280265536953,0.434336068383,0.334828690303,0.550471148934,0.529518463454,0.556688455557,0.71326788572,0.907197591152,0.0840015999784,0.161418758535,0.449117788059,0.98834782937,0.447960269788,0.439028155139,0.696169514071,0.623848121439,0.536708099093,0.53762262197,0.430311869802,0.364946430754,0.565425537882,0.864276448654,0.944910675446,0.960938084298,0.531039617214,0.440051789972,0.285884124433,0.653143904089,0.782398101249,0.752887945569,0.331949421993,0.734044089622,0.206407106325,0.135441377373,0.16990711512,0.862698970444,0.953505745025,0.839796869464,0.768337132705,0.284623075197,0.0985873503515,0.8144746133,0.278392949477,0.975741197087,0.672178113905,0.959331194027,0.592753863358,0.627464323521,0.344002905236,0.875991116926,0.434809590609,0.407809825438,0.969801131619,0.446016553062,0.241911421212,0.772130257932,0.736859367021,0.932816252088,0.115778062098,0.493858330666,0.946113088561,0.495237856201,0.542645112619,0.990767522108,0.978861858271,0.112020317687,0.406524061389,0.446134671638,0.577337291945,0.433504572917,0.991994176748,0.0888549545302,0.428801635458,0.445201322819,0.494050379399,0.755565661638,0.154783938122,0.352285970599,0.36013040788,0.659593167882,0.509058180432,0.727898969765,0.236112588718,0.696415895886,0.864012460616,0.851159522771,0.791643107408,0.677877471569,0.422259228594,0.656396960156,0.277721218183,0.159103971881,0.0198085360959,0.440129388459,0.657254682414,0.524195780922,0.0482887279074,0.571540656817,0.231363442196,0.761230224997,0.778445885917,0.345851589164,0.678129262334,0.971769204619,0.562636753951,0.446384768575,0.572868782614,0.545629830379,0.727309713208,0.459774382935,0.126851172362,0.983266482034,0.910774039677,0.13817322968,0.0949392021666,0.29090626455,0.0687837729215,0.786927060024,0.631966175388,0.523114710265,0.335544452544,0.380107976201,0.0831838857942,0.516744153385,0.777536555778,0.736252781408,0.733776525821,0.551642420022,0.116523241431,0.507843622491,0.262716099528,0.799817367233,0.471440178597,0.0836712690895,0.344950997744,0.12572053465,0.877256297747,0.0135614997352,0.54995858673,0.10817791371,0.289093208253,0.755957868803,0.358529508301,0.0537411367946,0.25564067272,0.407906399668,0.275414912449,0.814565591728,0.627348881761,0.416456293725,0.00759482943305,0.0766088938548,0.0111515398964,0.58556688181,0.240780157435,0.839709358751,0.18668081302,0.357907563237,0.838401026736,0.0266041444607,0.791494506648,0.932008750949,0.103792794809,0.278013385514,0.640095122231,0.460224674651,0.274295523153,0.085112341861,0.799175019732,0.721237518866,0.709175036093,0.253562312657,0.510170672752,0.670759546668,0.310329492198,0.932972587651,0.581008161599,0.89476412222,0.439771429515,0.226551873793,0.628229732689,0.404922783086,0.416881342251,0.823508119556,0.734438930756,0.0465966107922,0.946525838677,0.271062584915,0.647718804192,0.165062117605,0.923476583013,0.877064383735,0.123363214614,0.792182442171,0.241932806291,0.0988298735213,0.367022585599,0.848427073619,0.46526031455,0.88875457352,0.60049862582,0.383511554438,0.316801586585,0.26624301357,0.0955666303911,0.910737507738,0.887304994413,0.997578669373,0.628280626328,0.0127757113763,0.35461284545,0.678085615192,0.244415556872,0.874278010416,0.336390634402,0.633041813394,0.319724586479,0.925773947368,0.268880574069,0.166683295517,0.907647794831,0.328816095068,0.976665399278,0.0891251923075,0.414802921121,0.381246600104,0.534040052011,0.0945316191593,0.739167399303,0.791419777685,0.144180095032,0.435671478665,0.615356299934,0.31467239924,0.799203018446,0.398153279029,0.511855262436,0.199396570926,0.923551650259,0.518655909353,0.685227762301,0.0946051793354,0.405534792076,0.897250229904,0.805552724396,0.590467393699,0.569793447811,0.513518771961,0.893260444259,0.442181451446,0.254504811408,0.561844710877,0.940205484349,0.615386009604,0.330971475214,0.628143119686,0.809501039006,0.281834431455,0.801197063356,0.315918743362,0.622312290729,0.278541601998,0.176877219414,0.352491647155,0.0837266559139,0.551640179418,0.517248726853,0.721542822651,0.680415279892,0.726013760491,0.20363039455,0.504182968626,0.424713438606,0.325753340259,0.108025978894,0.611997914718,0.422096977369,0.101426987602,0.971044613537,0.885157888074,0.517951673494,0.71791267695,0.82808111046,0.59431494655,0.00817377478245,0.86813142242,0.143778608377,0.718866439173,0.233299766423,0.676157732667,0.417639201164,0.619011719675,0.646870020526,0.71545224194,0.280709060851,0.26433854657,0.421485225953,0.771950015309,0.554187154046,0.318952029315,0.898827336927,0.581010824096,0.470135125341,0.387281816828,0.504105218601,0.493776378821,0.926925652853,0.975957179976,0.681982583404,0.384638532781,0.460372326443,0.501396005206,0.0698432037983,0.858065287539,0.80893331598,0.6707639652,0.439403012396,0.275650751951,0.631587908948,0.123943351749,0.493312759805,0.0463474410375,0.958787373517,0.550955271677,0.699954274645,0.201777331492,0.531451948442,0.326302688612,0.315386566824,0.684320413168,0.335344762879,0.0348663719704,0.0449767890132,0.854720090697,0.114998189068,0.496585951042,0.922194427786,0.738714290707,0.936129712867,0.933985073337,0.676762417427,0.772486143067,0.908104477504,2.87991264264e-05,0.739877962542,0.78999238043,0.286501153908,0.233988862516,0.765712387287,0.00199973757486,0.62729104703,0.583828289294,0.190266016278,0.892210918672,0.365545201186,0.660866915464,0.935777365375,0.135521797784,0.56801903229,0.0417722363266,0.48313480579 0.959202987981,0.887256082823,0.0523504939977,0.476671009767,0.893037174309,0.0972257129772,0.175067736328,0.244976426946,0.755899648491,0.884115148651,0.399183767011,0.992901529353,0.769175588748,0.305246029576,0.298925791655,0.660359438637,0.382850678729,0.408145058778,0.948201845441,0.0943926919581,0.923122295001,0.772245089146,0.0324303557302,0.219033168212,0.411936022008,0.716232480415,0.450389112341,0.792349914051,0.540198024954,0.740599995226,0.858737231135,0.489166520936,0.13097709599,0.796555757214,0.265391053309,0.222662989252,0.665419910699,0.371435043857,0.884137802146,0.13142490118,0.775271842687,0.741124018769,0.685659099123,0.833481204181,0.934371298067,0.473712054965,0.950718868139,0.771852325435,0.375522044034,0.721230784156,0.344082604184,0.293855468371,0.0472982717172,0.623620132845,0.0221193090964,0.252262246012,0.740516316353,0.81607394297,0.978677345041,0.153299899653,0.714421440312,0.285464882082,0.842994146171,0.651907774097,0.429633040835,0.823135848749,0.0923008556034,0.643290826652,0.154434363027,0.220986545728,0.89628402722,0.37389228237,0.729937268174,0.83869008283,0.216900946641,0.278354315692,0.338438581073,0.726803978495,0.0964556236947,0.693533020334,0.224490074456,0.103460353153,0.55748953705,0.00867196938407,0.985434567086,0.382353284803,0.084887124388,0.921999148068,0.733494448087,0.319484862953,0.598021976484,0.306562491461,0.687930992492,0.212267672213,0.630633689356,0.0474501765458,0.0075371356706,0.770986421851,0.420511526967,0.609727271968,0.654026572886,0.899715869691,0.42662958283,0.720215574771,0.138142023153,0.154946435132,0.464129596854,0.902496507543,0.785352902382,0.798423889421,0.711081823344,0.953652357226,0.156426534655,0.0446600568066,0.951305628921,0.55715828003,0.0181832332072,0.185172196886,0.0626814226402,0.92165216837,0.0712590160122,0.545096951663,0.090437052375,0.115453360808,0.00467797178719,0.965948739309,0.863554566059,0.0471620883298,0.554883808225,0.0552671438162,0.95873714189,0.134620809206,0.21650385855,0.770393052238,0.851874758177,0.609257847193,0.68531599066,0.176245264046,0.265896143168,0.716502038566,0.404983182317,0.175884853756,0.320644922002,0.941752885175,0.141314031023,0.552100185846,0.771984700457,0.762504573032,0.439925655267,0.0996039101203,0.546877780125,0.963789959773,0.946285698298,0.636575088521,0.886183613185,0.705081618163,0.128898003244,0.492493430148,0.657104077367,0.0211896947736,0.251935355232,0.867398316342,0.595174286478,0.113873576927,0.150125163322,0.613256569157,0.475350530654,0.614202109107,0.704027617856,0.555160363376,0.629232739025,0.345775580339,0.62971280908,0.64597147084,0.174957113969,0.372512887135,0.91166993097,0.91089858469,0.758462870158,0.556776939678,0.395642398263,0.962603028487,0.824413076039,0.0362277646154,0.462336064156,0.376237026097,0.162900650231,0.222978997375,0.0210722450767,0.971747980467,0.610200183708,0.747410855178,0.455123029428,0.924384044253,0.296726029102,0.179028378928,0.505872783936,0.853143515472,0.0609866164382,0.147559208772,0.684836269954,0.642635364784,0.129546485849,0.252512010997,0.947927584841,0.0985731352912,0.89611981076,0.641853170205,0.285114578138,0.377231065917,0.483771016583,0.28562754621,0.567876230505,0.832963880676,0.501411697571,0.856543652166,0.913715620094,0.413930483532,0.720608316367,0.795323833381,0.357089923472,0.451149800143,0.29736963091,0.217047272909,0.542378582059,0.303994325503,0.604560517824,0.0828445485526,0.206557387606,0.216924777457,0.862740960078,0.836063216543,0.980677933956,0.291367473587,0.556748008787,0.571812220994,0.617072047127,0.717893368227,0.307220182191,0.138329564906,0.578278282427,0.352479899504,0.716927467536,0.111262227237,0.405630338879,0.740527372046,0.0840901727879,0.585373095346,0.533512178318,0.471833806654,0.481744335443,0.908908992483,0.257329609968,0.755950078212,0.924575508203,0.0202873469719,0.184678968514,0.207425328513,0.984253176493,0.423803743395,0.413364088906,0.904066201805,0.41179949859,0.267501247385,0.51228651271,0.40786362819,0.520997289042,0.408791010877,0.859099148172,0.0817629431033,0.278194291628,0.953472637511,0.303625961154,0.464662753432,0.709678609823,0.56782337702,0.874985688562,0.46351059164,0.960984711823,0.508014604744,0.883819537628,0.144257789229,0.976261399666,0.85378457352,0.178737275484,0.366694011112,0.371820757257,0.0267519403799,0.283630759287,0.243379080412,0.497055977317,0.32526374613,0.213161772238,0.549976184228,0.944605902644,0.640558910968,0.333306495415,0.981032297868,0.276708596594,0.40964433053,0.95994701027,0.927733370807,0.6782048564,0.754566945838,0.134727636083,0.282235445237,0.178424469884,0.372800119307,0.489602856491,0.0977689740669,0.0368079891002,0.0275027189052,0.727218397559,0.620980763493,0.607311863246,0.795346853966,0.60124010651,0.788341144002,0.401830339184,0.909147936965,0.473221726213,0.925704200788,0.361711700464,0.456925871177,0.900767601618,0.804652978669,0.648376103092,0.686299012586,0.156720833521,0.218222182339,0.341772569747,0.739740406872,0.871680256301,0.938241726008,0.508612431237,0.661064482442,0.845151863399,0.608692233369,0.729082506534,0.208778853105,0.475635113656,0.677330616322,0.946152168044,0.653307049104,0.322914270419,0.856548749032,0.628910246337,0.366340601973,0.193311483837,0.583279705941,0.706583452877,0.138685335745,0.476881868905,0.990462856596,0.119507167423,0.243593389564,0.856917937383,0.759909033336,0.304770595372,0.254058911401,0.705132854595,0.437613861961,0.159007078664,0.82823468938,0.618682577314,0.419802917918,0.724396597205,0.649273377171,0.436645497712,0.0668799304769,0.892711964403,0.681789353652,0.587297590057,0.0161052130638,0.305558887878,0.359339293453,0.744482826198,0.0986919857844,0.44283666846,0.630207704342,0.282002585622,0.766480715054,0.0584492863752,0.263219209465,0.412077380922,0.584528517166,0.709680749285,0.0501984233332,0.134362068649,0.554086620792,0.0484552485979,0.940058769212,0.632364716504,0.753029386385,0.301425558898,0.992311816422,0.18858933186,0.502990433499,0.8984666257,0.826605768541,0.460415656205,0.394940347324,0.318931987654,0.406314849988,0.920289952577,0.544359637723,0.163111831072,0.501297164993,0.416377753621,0.141301438997,0.132504922218,0.0355052037203,0.820268407192,0.643150730157,0.725004569557,0.530959562906,0.539341763246,0.38188788831,0.437873204664,0.426258427967,0.993380812715,0.579646987264,0.995096419016,0.690261037066,0.239858709682,0.869030045452,0.624168674681,0.940745614108,0.353396333062,0.403477251246,0.24067485096,0.293149115388,0.969835493345,0.792904359558,0.783859318918,0.193201741355,0.898898365728,0.668962078933,0.66691108931,0.819291824435,0.567446449023,0.945392945353,0.228990989356,0.694455514078,0.343841483552,0.976018489585,0.969749713098,0.199117412107,0.233339808315,0.611566004639,0.484184723253,0.989840472979,0.641396408079,0.373410564324,0.739292790428,0.706727372189,0.987474124489,0.0142021419768,0.0182542023058,0.522771113058,0.495342319549,0.103967702076,0.838455274724,0.403235323381,0.989580705772,0.913267289494,0.664481325705,0.0489374683191,0.947120277934,0.0668257827051,0.365777772284,0.688275412416,0.312555379219,0.0591691118176,0.513252857616,0.3877535139,0.73943837349,0.0441712270816,0.849193710657,0.171091138704,0.686517923545,0.177367568632,0.930531134648,0.610098377969,0.928135987746,0.500178830599,0.0735142203276,0.0601333301097,0.0915662690487,0.639061030666,0.466922369993,0.52708032489,0.0556632645058,0.878785459112,0.350111586685,0.78538374114,0.304447983193,0.180579560201,0.843661995039,0.945699975783,0.0259441402627,0.0477514748192,0.671342646959,0.113047826127,0.392855198377,0.267035781824,0.873520953766,0.48285911003,0.336048034739,0.495736323972,0.9040840856,0.977941669234,0.53256688614,0.380191245194,0.789020747988,0.132522422267,0.993771946297,0.92785372856,0.475386694699,0.561114012711,0.788725464395,0.679747476467,0.78015158477,0.288214421528,0.297766494636,0.260114872971,0.0666109478916,0.731129706065,0.300076342278,0.717682712232,0.77727766184,0.304970355825,0.643271069343,0.0997844825905,0.0325022994786,0.523560812962,0.0139899282333,0.932185642937,0.778582651605,0.718852470248,0.636634860503,0.148812365817,0.597107072499,0.705239662272,0.820933793881,0.00386118861418,0.404491018612,0.891914989444,0.541558618573,0.250775044822,0.113700402365,0.815106308161,0.714319679831,0.68474242168,0.626785879551,0.131258625768,0.154580870316,0.0988025197595,0.504827574828,0.90269870852,0.255182991442,0.237380948432,0.254822105397,0.109370226749,0.282285019492,0.297228407073,0.930209402526,0.627492300292,0.490201557947,0.714070200858,0.547664146772,0.0231967136484,0.35785030226,0.00602205081957,0.338342993238,0.590159609021,0.208488435775,0.468804673945,0.421395143302,0.252527584099,0.23907781583,0.365061356289,0.173569963326,0.646025199224,0.926418068308,0.881813644395,0.525756177774,0.925936923954,0.534576611347,0.013790845962,0.107701216106,0.961597600479,0.800163848601,0.460615693536,0.484410690759,0.391041362979,0.0518101839276,0.228582759686,0.757897525585,0.00196098082174,0.462980535809,0.819310587097,0.652219430676,0.478507694324,0.919425808389,0.942249262567,0.991961027557,0.662076567756,0.367312087696,0.469310413071,0.823842173428,0.773601582258,0.482597833201,0.185419524366,0.303758226823,0.904152885663,0.0580554066947,0.106383908057,0.312752199734,0.638649366604,0.381927942806,0.778224135264,0.00549607724696,0.292609318967,0.600276813563,0.565513799999,0.867548225643,0.323453414151,0.860435731106,0.730993660557,0.528367816583,0.242134305973,0.610555744139,0.854841842095,0.116151162436,0.0847021129828,0.547757275853,0.271528032085,0.0431571951811,0.240085672376,0.447093324686,0.435784504365,0.787372302339,0.747205816359,0.569072198346,0.308192521012,0.489378079679,0.491477267948,0.874086849342,0.725754664282,0.29708274412,0.0505205017364,0.738928078463,0.852723040883,0.904376679253,0.112840435701,0.133928257148,0.494140148495,0.567023959783,0.599866383919,0.604290133275,0.206589933455,0.942993363986,0.680838643188,0.52116561129,0.359009027295,0.38212516913,0.315886048426,0.183120121963,0.72810528179,0.538830122474,0.373832352156,0.0227931287465,0.654677136662,0.761560765824,0.0447817491824,0.983606557773,0.0826944110718,0.021946940488,0.451843021944,0.483377436401,0.124756955676,0.0390783342751,0.115520248467,0.708243512224,0.648669804227,0.0812287065299,0.293709389542,0.788360731805,0.416003044084,0.332741392472,0.0673382071953,0.0588632255701,0.680813180829,0.074587217838,0.999868432057,0.90610961336,0.460966834727,0.443247981239,0.342934345928,0.32425022854,0.0230624361386,0.41516653192,0.276595400655,0.360387152804,0.380352916413,0.866417970798,0.768427519756,0.74802594245,0.203746226041,0.756499633682,0.997273783874,0.192004827843,0.381690319295,0.669585429523,0.331221445226,0.805574326497,0.964348328498,0.241167539306,0.757906285234,0.340288312634,0.640192051954,0.115246942813,0.354015660854,0.0212800365783,0.279344828543,0.0659873503262,0.23050384536,0.520861967587,0.438428977333,0.194167055913,0.592619065024,0.369819932028,0.748616966525,0.626860705426,0.0672618511322,0.399374820313,0.836032661491,0.967335123918,0.890375637004,0.237643411467,0.504622066527,0.807134620343,0.424353313502,0.600632967891,0.532187712672,0.940211970157,0.564431510096,0.044201511373,0.653658815606,0.272226234284,0.374799223051,0.0233357849058,0.608606562739,0.37608144095,0.760029372733,0.34691457747,0.286656295944,0.0905648468356,0.341182498413,0.173297209756,0.0556433526895,0.00583801535401,0.972626840994,0.618066133891,0.0982499971188,0.079718265561,0.00197886074215,0.769866024265,0.346665825875,0.0908803425404,0.190844358719,0.386599914301,0.902928185759,0.633028718623,0.415859668613,0.701669374392,0.106499541351,0.915764966761,0.221950686414,0.399466146532,0.0351461114667,0.946544547174,0.931164320939,0.937759990128,0.192338062447,0.595850482813,0.786589628606,0.928764538215,0.0609150108748,0.624924859997,0.10146088726,0.45909219411,0.473579446929,0.0600403876567,0.604996120962,0.325175467199,0.166122046693,0.417117326058,0.135700241117,0.65972897714,0.791106302982,0.897787034425,0.509402145224,0.11468957612,0.988988790743,0.229976034004,0.846297526204,0.588655148147,0.182051985824,0.733992177398,0.473663202708,0.129611819595,0.283390295939,0.993530143482,0.795524413506,0.957304473268,0.782638454381,0.250366737882,0.979766467717,0.61027038446,0.762027805194,0.175140738862,0.584552893312,0.638408378189,0.438423873033,0.974972386872,0.209402875979,0.474790658027,0.521126705703,0.527229764152,0.320004159751,0.917967880555,0.384572812865,0.849879794201,0.94820817851,0.450575581773,0.804481443716,0.926029278118,0.635749316697,0.147239311186,0.841316857576,0.299876000034,0.833023483809,0.535300741418,0.771792453025,0.033674965493,0.653048011932,0.920442231649,0.673637520498,0.959264145494,0.0395424010113,0.662197982105,0.263312131905,0.335561317968,0.510855756652,0.0311712642059,0.707254037363,0.908168222396,0.122163704256,0.63459840217,0.888192335597,0.373281983885,0.00101287992444,0.711157642676,0.966389924743,0.0618120041765,0.539871369565,0.354867497851,0.670304243213,0.347759893135,0.681906684212,0.56450056074,0.861273487613,0.297003306315,0.963859380743,0.805415399959,0.581054790937,0.754187367292,0.184999038071,0.966838774341,0.918044007145,0.940183869375,0.291538973435,0.846809172375,0.598190783683,0.848528474304,0.515327577241,0.714788211517,0.201777460986,0.994508202766,0.0417644617969,0.894797868846,0.719455572619,0.189525766215,0.257110411888,0.578134330994,0.171568814379,0.918247025926,0.822664954976,0.322488849797,0.990584338259,0.943557518049,0.774033004108,0.420486108517,0.759509858715,0.432538639089,0.205508772118,0.147170821185,0.51783545791,0.039870124915,0.985331010366,0.535285332737,0.373107780101,0.85681051234,0.669665521959,0.708593171831,0.531823258243,0.193007937598,0.626493656328,0.983809643878,0.593891880602,0.830889129899,0.904877293132,0.322529491816,0.47584996056,0.808092667277,0.853555648935,0.645644662687,0.134865967643,0.289963279426,0.515794291237,0.948221710773,0.170917178242,0.961257217187,0.213632606453,0.769091104185,0.670373488052,0.754236958497,0.316407301836,0.494675138667,0.194467481062,0.860912014464,0.0194765059992,0.401436209164,0.899415049074,0.936061510529,0.111229651389,0.526478459268,0.0316766981654,0.200233877821,0.552059979714,0.353625664908,0.922336229456,0.922272593565,0.336762401537,0.768671513255,0.926484995535,0.198923270645,0.278270475316,0.14208923318,0.130948826535,0.944929088778,0.914997748388,0.4408644606,0.045637307551,0.370186824594,0.769152183733,0.425284871896,0.799671661062,0.26074036449,0.349987357381,0.123396752056,0.206698602859,0.0531589696871,0.568242809312,0.00989886264633,0.688783862947,0.316753932471,0.834263997992,0.918657943122,0.0655411309573,0.405180449762,0.646075505241,0.813971142493,0.143893539096,0.216196489426,0.517580396962,0.837872987165,0.0187879882467,0.640036056478,0.657922904441,0.318152241245,0.946123340461,0.846846316104,0.493809189329,0.904441777428,0.328154642543,0.922107084721,0.968450267923 0.0703750790868,0.535687238205,0.869892256321,0.503466579606,0.108050353905,0.984817112345,0.23522617574,0.0404724956815,0.420187006994,0.749784727693,0.84448486146,0.324736931826,0.839326144721,0.222697632655,0.364431156726,0.783908793033,0.288763471393,0.336365373189,0.697617846178,0.868709791705,0.00129984246699,0.296346957944,0.495847153825,0.194495033335,0.24818350827,0.71799892981,0.583813628827,0.44173428502,0.914400358125,0.885174391625,0.748018066661,0.485363350225,0.515921372366,0.070883702777,0.651066201038,0.548457797424,0.1850006655,0.181834958411,0.730186473358,0.101616723547,0.56591183742,0.667986251412,0.528219898227,0.469904866348,0.9997339215,0.621089689079,0.211303333478,0.538074495744,0.201271021204,0.0137507945527,0.682650395112,0.735605858534,0.907442909818,0.71642798075,0.44367428861,0.409613180856,0.0124601761446,0.906094811074,0.0537069778438,0.712045170642,0.299249414224,0.332990638861,0.125026722298,0.73897792076,0.574672071975,0.719915625172,0.852241489962,0.256326965,0.759768697712,0.0506682173504,0.607844812758,0.832360376659,0.581356509548,0.514253813471,0.00203163026002,0.588871448527,0.029182878644,0.360441273342,0.145902206911,0.115525011749,0.167519977981,0.89929658743,0.746646921673,0.309868460975,0.594640319188,0.164803877785,0.942984883341,0.436295656643,0.00506601932684,0.814348069856,0.183175269116,0.283177845195,0.672761864621,0.361039132777,0.0353296797028,0.577091259074,0.737320479026,0.040537811889,0.624639641247,0.525895855138,0.634465357203,0.112063197768,0.97286230834,0.709159325067,0.304845072208,0.980972816481,0.812520885803,0.666055627263,0.647044827835,0.563282298109,0.0549833837908,0.6955482943,0.293270226347,0.469647981609,0.254876664101,0.149152054538,0.273700004509,0.344263490151,0.217815368558,0.754625714562,0.499446200479,0.0908030080192,0.724338045485,0.474561643406,0.684123624,0.778086648776,0.456263359226,0.312380919453,0.021631229331,0.398501790611,0.170452243597,0.437414305964,0.306049396058,0.151363755952,0.953836173811,0.302087314846,0.0254926429864,0.969448916497,0.181613252569,0.9638309996,0.557581754821,0.32488906033,0.363354728518,0.016103316446,0.304480631961,0.408924337518,0.530164786286,0.537776723101,0.877794156677,0.769407260129,0.152428971422,0.778618118349,0.29421245241,0.368374609183,0.963502777802,0.00561544571616,0.860300724494,0.0866163880458,0.371731683259,0.837120647633,0.120291155176,0.520210978225,0.934231931791,0.0939438636153,0.0791338668885,0.236589058193,0.641519542823,0.025810884618,0.665477117693,0.2925493587,0.309022157182,0.117464043467,0.75221176632,0.377044769597,0.380772424605,0.400093918966,0.200057562723,0.80994434463,0.921106102252,0.613387651352,0.786414670119,0.835522172684,0.709019529878,0.98315464962,0.927821608434,0.944521196057,0.822845970261,0.115237516075,0.539479501269,0.165244988706,0.443140129172,0.943672837037,0.251315860992,0.565921426657,0.226003996586,0.715865961623,0.92637725168,0.582237593945,0.416173469684,0.0238770818443,0.522704622586,0.37482781509,0.877361214568,0.430189986775,0.543131023736,0.37500205163,0.357297064159,0.97824702245,0.0434413293658,0.410359286162,0.313803006783,0.497858472571,0.77428451294,0.0335030803062,0.21601489424,0.221046446753,0.11536975437,0.81093265785,0.615940368859,0.442978950462,0.919099741362,0.934084356088,0.842751780472,0.786563942755,0.150459707692,0.481808487679,0.902414150294,0.67105300676,0.0906318317887,0.975450660105,0.580524055174,0.8629919059,0.925722532594,0.924071662487,0.57684076022,0.166703537326,0.86078795484,0.366831517678,0.703598277642,0.43205567664,0.022542105856,0.787154264474,0.751631920573,0.392703735664,0.379554112201,0.723264549643,0.5501850587,0.38043914779,0.234936592546,0.101721510685,0.100024951954,0.513709341093,0.00174050375569,0.552159803799,0.785364788,0.36036083105,0.393863221033,0.0775503890803,0.894204391276,0.492858827747,0.383219852353,0.0508274478926,0.903137741204,0.156065686601,0.430838872778,0.379610765933,0.11476329876,0.416541805736,0.966327908912,0.0161784531625,0.391098059353,0.938246463901,0.527657814154,0.0769996336426,0.0181029311075,0.240519796232,0.183642089606,0.672474893984,0.334912997103,0.673650592804,0.197301149349,0.284892500732,0.712401912938,0.60623133527,0.343452668113,0.330188533857,0.218613411058,0.30743988567,0.799185731289,0.99239804014,0.321687422157,0.196388307913,0.0437844110461,0.103554782415,0.397614092547,0.54635088188,0.998045076175,0.941915323359,0.243013412672,0.671392772666,0.442095372229,0.235335940042,0.745091221998,0.968328014514,0.00463467919455,0.77864739944,0.948821489314,0.527410574332,0.297098059088,0.523906716769,0.427638247703,0.615887367751,0.773884585157,0.522808726619,0.684823509362,0.157021317861,0.895018821942,0.514408851571,0.776840304836,0.521846334111,0.549794208856,0.478269146987,0.607519516275,0.716863732181,0.584470012466,0.877199156117,0.427623205275,0.0342282593105,0.362363840993,0.542331870397,0.542776263466,0.734087547524,0.558478622903,0.469765335315,0.59302530568,0.791285893974,0.295515403214,0.731866507829,0.600097439482,0.308282328339,0.37426106684,0.530192939393,0.979079368481,0.264644140867,0.459859171893,0.912972753032,0.481072243492,0.994985723064,0.86448150277,0.409088737969,0.650971322825,0.993924591489,0.272402091484,0.741996014374,0.998870127001,0.353734927969,0.861795898094,0.225808388498,0.607575941312,0.521007489229,0.266625967265,0.743911630167,0.291325394147,0.0134228080571,0.307954571895,0.0697227076236,0.0634952082354,0.367013085964,0.387457237883,0.60289856954,0.816936564387,0.335070387339,0.671124984829,0.176682538708,0.608764406082,0.70178252751,0.466884853404,0.2188658673,0.401839691271,0.403531850291,0.65388633062,0.550877349918,0.264097943551,0.40563812707,0.0202346740627,0.727184987296,0.0620682030696,0.277303524251,0.930480302519,0.207695501359,0.235422572454,0.342438628015,0.0598895815233,0.940224348642,0.413831219158,0.967824198227,0.623857566532,0.968933025295,0.47355282818,0.114476653948,0.49539956762,0.19965956084,0.127655486717,0.703454209064,0.592034506418,0.612966687203,0.768814265794,0.184653228922,0.243077621105,0.773640158117,0.640998933334,0.430296620302,0.877261580985,0.663271210436,0.484459178389,0.33511977128,0.332829827296,0.990923546273,0.36701578955,0.0777010606034,0.528519214696,0.549186897296,0.713253765202,0.629045041439,0.207364799576,0.321654728144,0.512007698753,0.193085290862,0.695725858718,0.443978835207,0.218371754331,0.290987914293,0.370080744336,0.368672836126,0.707068477356,0.299219873231,0.368275008504,0.948069894379,0.735978941501,0.172429284267,0.505016542275,0.856362361231,0.00301022630718,0.727942734929,0.916197746954,0.650271889519,0.585001244407,0.323617176376,0.235099421126,0.953187538888,0.510693980925,0.352846263915,0.20092511664,0.400806247624,0.218310282867,0.966738259968,0.394791283834,0.698359765162,0.782700036756,0.796933690282,0.838357221599,0.251561273347,0.0874610571421,0.308335543115,0.0669040536386,0.752225166354,0.232594001449,0.61041768586,0.532180538476,0.913213281322,0.626919444418,0.750363200857,0.00208336781841,0.02967974013,0.18328079062,0.276711389185,0.58648603259,0.998996561634,0.566992688784,0.16645193355,0.688556693304,0.268817026717,0.602372872906,0.917462184614,0.0902355932766,0.668470995805,0.533676568444,0.00950855464106,0.957648299099,0.0956370793708,0.645884618705,0.863855086842,0.975789707648,0.12387460699,0.294202801641,0.785775611716,0.117439636815,0.834269215298,0.687201566879,0.350754508744,0.0570452386118,0.894749616965,0.308409471567,0.626529006008,0.531537134603,0.40963155473,0.406375447912,0.426025436476,0.216138961515,0.534472717512,0.221175867915,0.0972359226484,0.144477788035,0.357827878364,0.275056715221,0.200741651011,0.319287847903,0.350219662505,0.490764100279,0.262422464191,0.654189173412,0.437819795747,0.794058393518,0.216880069542,0.267955169732,0.571316060174,0.37965227528,0.093094865687,0.0993255031114,0.652406463316,0.206185396083,0.169324161807,0.359235806464,0.390790698758,0.577148807868,0.163419595404,0.667363804778,0.541584222334,0.646329242163,0.375814739706,0.462617526184,0.697460639764,0.0356354633467,0.0657383805438,0.509727431045,0.510952134972,0.622506794048,0.929191042067,0.150969791041,0.999914241106,0.605722648397,0.944867871117,0.744656556813,0.257819317473,0.727476177073,0.424721100989,0.792189067384,0.23516837693,0.704833431816,0.793298263054,0.298090794389,0.471843942628,0.620313404814,0.303128245955,0.434944974627,0.62627359815,0.999669473224,0.95920162996,0.36616055058,0.864869670296,0.546811686859,0.0812731005658,0.246200576462,0.537442004658,0.250986230276,0.12285885026,0.0172921791194,0.444732084867,0.885369071615,0.236786913556,0.916361525656,0.986651869804,0.816147400337,0.294143990015,0.814147916097,0.37130503837,0.104918244601,0.874961488567,0.618630146662,0.170708134508,0.777233227844,0.27204201897,0.0835083812817,0.561718322258,0.753822518419,0.226540764262,0.0896702789112,0.358681640205,0.152344572991,0.205362316714,0.750065701961,0.593978120397,0.175862358006,0.85694761544,0.731214896741,0.835852081119,0.550551486803,0.346725856451,0.965595638337,0.584698850909,0.639668629752,0.357548433147,0.29532899894,0.80863125585,0.766184310599,0.0594929051687,0.935289414348,0.630773968847,0.73598742407,0.707852239806,0.539450157449,0.9438564768,0.341277080738,0.430652734572,0.513135540323,0.103481951467,0.0306796066015,0.1064164028,0.619578862376,0.546875453846,0.087187667464,0.325075425031,0.354880727587,0.721325063133,0.995267942245,0.840826719958,0.901702599415,0.044580536783,0.976170468494,0.640963438337,0.183246818065,0.122899173609,0.271187280117,0.596849668337,0.304875651718,0.607658382494,0.28627330911,0.16524183349,0.62079491482,0.701624151566,0.113437358771,0.256586034045,0.779024203904,0.160020683287,0.506717942618,0.604057357549,0.712940065225,0.298065099778,0.0526442831961,0.508257298271,0.679174375583,0.877819180339,0.558852939255,0.495253484984,0.922812535711,0.534703113759,0.868995886527,0.802752677606,0.463449253386,0.881272254908,0.835176483841,0.942445935977,0.983595871248,0.81056462757,0.841061328865,0.410533856042,0.667124216751,0.672137000411,0.964203754875,0.991178257084,0.213941408133,0.24790193319,0.220590627208,0.992412692547,0.990113092122,0.459741226029,0.632936530877,0.152256068526,0.11925627109,0.707063713281,0.0702355531816,0.749830299483,0.617861857503,0.941322687725,0.287702350277,0.0832353637426,0.00767483814522,0.867688277588,0.829529405129,0.547676326191,0.803901887689,0.744933803103,0.609927038857,0.542615860593,0.91261521595,0.813345544696,0.352010755223,0.621461622921,0.291951743877,0.62418092078,0.355529481118,0.614288412348,0.60557755923,0.969962277555,0.599037586195,0.234502241457,0.317400687452,0.874670045626,0.454399075831,0.821904696943,0.29672704703,0.0888794455933,0.876835513115,0.533236102801,0.559614288429,0.318914500215,0.76779924807,0.113720931666,0.85180420194,0.232356152227,0.696222111473,0.989313648974,0.898624325021,0.945142671787,0.680296504471,0.724242793095,0.235994921916,0.0772481258449,0.151050710563,0.94174663071,0.420840254378,0.790642294321,0.0578808711395,0.43647687968,0.295014772157,0.51382533225,0.825127836254,0.400115048841,0.716598271052,0.636787686055,0.639776094095,0.339646905304,0.266066794627,0.59649514618,0.562285550663,0.207380310755,0.416211201372,0.670499038056,0.715882525793,0.252494887098,0.591632857068,0.902749005376,0.735367913334,0.167831645425,0.106628575613,0.891391356505,0.00185377270434,0.246460961595,0.86729848624,0.969210093698,0.178913453733,0.157117613606,0.166374539143,0.65328888996,0.87505415549,0.622339580538,0.40765642005,0.164303194832,0.98820212274,0.647882675349,0.236704212087,0.80353233188,0.00637299598717,0.895297324014,0.368637270401,0.441385967857,0.492115124355,0.0338955122251,0.0733649081198,0.534438247937,0.144100063177,0.134088729789,0.665756779185,0.0144106531089,0.203660215851,0.492638603025,0.341349243558,0.0337519445956,0.296962280538,0.243464128394,0.201759382843,0.749137305077,0.17910842357,0.437992872539,0.232171024002,0.160807267834,0.890955560158,0.365913180311,0.153603190967,0.16887232632,0.481014851998,0.597471777905,0.88532237881,0.253209459513,0.543145036624,0.394068177203,0.283661737586,0.31419290969,0.0556698379599,0.582011209565,0.196534762593,0.223402161901,0.243018657914,0.565774928996,0.812320795651,0.0553732111716,0.489233288688,0.201729386613,0.380867061367,0.951938751281,0.0254037896391,0.805044138926,0.693603436412,0.522636002597,0.938110391857,0.147218521044,0.959106063275,0.971262102305,0.851992870494,0.300197620869,0.0711153520669,0.167824255992,0.59924506239,0.148602806763,0.282685696849,0.727742728438,0.0972576556482,0.957406473878,0.946166141744,0.338867557065,0.242725520325,0.818224333201,0.968508974793,0.190900121111,0.773478491283,0.640505417974,0.250039182816,0.250916235121,0.688987813972,0.0763215630361,0.709802851019,0.980850183851,0.799395215985,0.842050742886,0.801324849498,0.504297316152,0.657019110513,0.388268570543,0.473162933953,0.233829313849,0.433064018098,0.488230842178,0.53779799455,0.636067756588,0.131188485929,0.279759860666,0.182750918496,0.71428185878,0.88964933647,0.0563325425735,0.525489458505,0.126629257233,0.400578529762,0.684601303022,0.953873145022,0.84491281827,0.12450682647,0.20603073516,0.97739452609,0.389817828225,0.144286677004,0.632238731129,0.802311710588,0.264491555584,0.393785661411,0.531510666141,0.166544439361,0.470051973713,0.74805886036,0.259011954731,0.513277682276,0.573955304713,0.618313496535,0.114552214811,0.348883260998,0.058449467939,0.627458636195,0.307382914206,0.688032413184,0.781739380194,0.449507064758,0.289435999687,0.97634228152,0.878912516114,0.456266545928,0.372598400654,0.21845850587,0.883843930357,0.336961768596,0.355800036932,0.253935901577,0.289800340097,0.534203247308,0.603868387798,0.819961225281,0.188692616959,0.543648358828,0.213685849615,0.627661800821,0.941079947384,0.780134033192,0.49923148235,0.101701748214,0.858092015745,0.347077009563,0.913401964452,0.0745790314603,0.329300133987,0.0334743577894,0.604961861162,0.0981983249166,0.950234611706,0.984898983331,0.207259529225,0.984800046351,0.0548616134238,0.682839792195,0.108816853493,0.980616109085,0.612651690182,0.858054000642,0.127890992287,0.922166123962,0.900568974927,0.964842419633,0.617870878878,0.0982530648328,0.487821456938,0.732030198128,0.867954323538,0.713492193854,0.829453276388,0.192633896517,0.077077542458,0.864103314305,0.20843075159,0.423413722008,0.774788115156,0.22163454244,0.87177665601,0.272826691211,0.348388132546,0.311225505629,0.679119708488,0.258289368128,0.947112300869,0.796899562043,0.394028313252,0.214668651428,0.262501093767,0.00470981596449,0.386719877769,0.338204052247,0.900151433334,0.758356389573,0.459689679723,0.352048943218,0.98849629677,0.316355658832,0.775773016226,0.517648680408,0.944078885576,0.0499067862142,0.0562638318065,0.976470496233,0.360254003126,0.931673681534,0.181387204158,0.339708189586,0.294615481859 0.930832197963,0.471508433189,0.536540316205,0.528687445797,0.875459667367,0.880768284559,0.543858418311,0.414459638992,0.927192724813,0.456031038645,0.290501017999,0.975163132035,0.462580551948,0.875240284981,0.686551377502,0.323603718486,0.831757935923,0.249146510065,0.769635545669,0.836812459561,0.522214382417,0.73076373495,0.00717673449105,0.313620548707,0.706710255943,0.219320512786,0.804220722754,0.221313587642,0.455437211622,0.493523029336,0.42601709362,0.264359894255,0.660914280242,0.0886401880123,0.159099194147,0.293563363509,0.594967168841,0.343811963156,0.370802319974,0.353849329182,0.536022482372,0.765354986488,0.479282840935,0.899048632384,0.532214059009,0.48453732822,0.256191894748,0.480574109291,0.425557975525,0.901881018253,0.240648772177,0.682121853273,0.899684366807,0.064834234353,0.700520215408,0.860039698858,0.313685590401,0.93233878722,0.815404772899,0.700938931286,0.105222135304,0.530039523632,0.345381009979,0.516677391239,0.621610254121,0.666585309626,0.427988484239,0.426605702883,0.989162289906,0.200669348022,0.375786146653,0.223613645589,0.530593513912,0.167688614096,0.955189510104,0.774747832501,0.773149051806,0.354807763842,0.562995000758,0.0886515981296,0.454567200501,0.338757415985,0.37973153459,0.562057070781,0.427798536535,0.0290344698482,0.875049426586,0.494960723988,0.53456209341,0.711276692499,0.997502345971,0.906379918316,0.488476137132,0.388482935672,0.105862552329,0.562857857994,0.888753512135,0.863286713441,0.0751502912914,0.724166956634,0.906302526485,0.0981059568838,0.286318401291,0.176809709213,0.144213979018,0.0769324470963,0.0641060553256,0.82708090027,0.822787528073,0.606907279311,0.435665007069,0.295400706458,0.189745673861,0.0319917093077,0.528121961861,0.860251240197,0.282607955763,0.301555300878,0.563879988196,0.281381743089,0.59992746337,0.515993600831,0.00687342794175,0.840333508012,0.446860368375,0.7412051335,0.470054463182,0.596274614661,0.73130631447,0.153523803669,0.932148527223,0.306619390829,0.130029996845,0.130388113061,0.817541198965,0.893719409279,0.330542277653,0.963148298558,0.469430242203,0.662192807855,0.951589764683,0.648532240404,0.632625450185,0.600345173531,0.862711155123,0.432423617303,0.0839579514843,0.598659403271,0.384872493979,0.619063275726,0.317066808821,0.86283308749,0.271134339903,0.265555973648,0.868863864999,0.604059479074,0.683131917265,0.579938345071,0.675898816932,0.827092943273,0.413799432786,0.00393052731997,0.90983298136,0.391224746904,0.723265457759,0.838183709071,0.808917112234,0.24236448239,0.964925365828,0.962752293587,0.833370933104,0.193734562581,0.855814211506,0.266989722881,0.419449980069,0.618722120945,0.67476272892,0.877576383253,0.505850534438,0.2996146162,0.691754240147,0.0963894679123,0.0690372336614,0.45986092009,0.636265669405,0.0641757292504,0.699509304087,0.244750516424,0.117477511436,0.3675869675,0.632511255073,0.0659661005394,0.0541111801634,0.868044236557,0.886882453014,0.599780576874,0.250364599654,0.079835872588,0.561019223834,0.116544743505,0.737193472177,0.634025684519,0.289261407129,0.238662675399,0.826255835375,0.496686642116,0.671934366282,0.989686967533,0.630272403466,0.26907260371,0.0501842283103,0.90724954996,0.832584243491,0.349488882401,0.51486453456,0.31081706105,0.65552924614,0.213494097121,0.227148015356,0.430523547917,0.169646720371,0.80522232878,0.609695562792,0.956363992633,0.0154068802937,0.11863323704,0.372757409344,0.00437381897403,0.923487707644,0.426470920979,0.471105671276,0.607957353854,0.788280780118,0.856998565372,0.990541283093,0.491533745154,0.122518743726,0.649301976289,0.527878368801,0.970917140178,0.294313753473,0.398228136189,0.987483818314,0.0345221833567,0.335640993391,0.74740211366,0.2827064505,0.905108240341,0.700758731325,0.457064489804,0.136685467729,0.261527203373,0.569831020838,0.848868265734,0.499742365734,0.872862579226,0.387228295632,0.905872747706,0.223060204959,0.617665079064,0.648044898389,0.211658157751,0.974358979531,0.105358457272,0.0812668889408,0.808504668556,0.0295280641478,0.268772622821,0.344483088838,0.141135333906,0.67254982829,0.980518526423,0.499105138766,0.941013830557,0.0907603712839,0.63292681407,0.353692319763,0.414916678129,0.163090409558,0.320099356756,0.807784662637,0.206509564542,0.191036691622,0.306904035083,0.535650975377,0.821842838537,0.244392955699,0.103452780941,0.737488555726,0.319352635322,0.0516743751939,0.416878862226,0.538770139304,0.845046231513,0.437719718754,0.932999156292,0.750590823907,0.0825324631204,0.672576097174,0.520676438253,0.00998821610598,0.759128863149,0.862445893107,0.312671392399,0.35957319728,0.851517005268,0.709117550287,0.54000867797,0.337976828377,0.477933304663,0.0428548043607,0.511839593104,0.0061909401789,0.401581182983,0.410076405257,0.336393433001,0.517558335167,0.370116479148,0.741679392652,0.379113130065,0.834171729904,0.880209007151,0.395352663357,0.217247099684,0.00295752876047,0.463727547538,0.72388454406,0.92307245337,0.102620058788,0.372094999679,0.816499817397,0.850156375136,0.712566448997,0.923876587831,0.860023545864,0.41173005515,0.085341217081,0.793433721576,0.18190524182,0.561539839671,0.285717650084,0.190298925685,0.28557371934,0.19505640241,0.946475728856,0.776425856067,0.0193556395976,0.929644348738,0.408595127072,0.914198617342,0.501742514733,0.869416922074,0.145114952995,0.670549450573,0.12746195151,0.600487086691,0.0508286148944,0.727759044986,0.159546367423,0.114548456751,0.250978947726,0.872809160491,0.626784260011,0.784237350657,0.0227438309883,0.539828046939,0.537349679617,0.103051699003,0.24704569473,0.370594513273,0.669413996509,0.0503499773384,0.819300877504,0.116318883427,0.0401932069418,0.925997733083,0.987647790823,0.101315821403,0.816005000325,0.80964703689,0.39089935301,0.581012737205,0.606578035028,0.128575898203,0.322046266155,0.76198853684,0.641200085301,0.279849839838,0.065299574618,0.223241583027,0.986734361298,0.652493304538,0.969381672662,0.975123477675,0.727229059255,0.767185616699,0.312698133423,0.763909342688,0.926229610795,0.580846291665,0.733900862724,0.351129211343,0.640748731016,0.410900115966,0.738050138056,0.778442532415,0.00963747684434,0.710862091192,0.344014126937,0.674276476957,0.0241420178964,0.208358130072,0.405656337765,0.182718522913,0.847939877838,0.694280048358,0.717036579608,0.439973967462,0.228106863855,0.255156014354,0.766107253552,0.364784790738,0.955347147214,0.188872036472,0.777315705819,0.155678728236,0.15514089058,0.673991036274,0.910852293708,0.174721173924,0.193956581747,0.688557628975,0.868223983615,0.982675484906,0.915460347092,0.874217695501,0.669443261868,0.351842752539,0.0599924721813,0.914505281159,0.132315484693,0.387952410649,0.533258895108,0.24363216394,0.914363923633,0.485637931227,0.758184738426,0.354487787281,0.462175785168,0.695440184452,0.436009963799,0.269340643658,0.486420057654,0.270753020335,0.0231405896655,0.808102456751,0.106039318587,0.67281434886,0.555962694214,0.393892901073,0.906281915569,0.648520939563,0.984448160403,0.546601387121,0.31517342048,0.322714232881,0.661500412889,0.974362171426,0.74379697536,0.0861547160369,0.332982641175,0.764021589627,0.510081238834,0.0531190375929,0.0808354830794,0.269129268853,0.716072970606,0.354296602112,0.539842072561,0.49324621076,0.656414483007,0.2323208696,0.622626083678,0.957252622741,0.801691338879,0.490117709764,0.852116369897,0.120359227894,0.66484505059,0.0463252218496,0.742055606237,0.174198115735,0.720299542163,0.660030856107,0.994893011791,0.0353900811085,0.564451899938,0.511828473193,0.524796096422,0.027190510712,0.838262986972,0.598470639356,0.22191486052,0.0812895434738,0.904567532629,0.873425607763,0.814537940968,0.216538206666,0.38540347071,0.962608304572,0.977021453059,0.265419909235,0.10709117887,0.72700095596,0.432880385861,0.609162545266,0.190154568269,0.390661115863,0.0403410697522,0.195690365229,0.286280463548,0.517156343613,0.984368024131,0.74219082515,0.824921669036,0.832872181323,0.209065739871,0.947001218927,0.928073389836,0.35803991761,0.11614498077,0.53156551191,0.265332605642,0.521295745823,0.798915078081,0.635184112007,0.764826996041,0.981318135093,0.702212514737,0.467059049313,0.369164639055,0.562774203559,0.0388879884019,0.0824458137296,0.494152718815,0.127137008349,0.577737049742,0.127967298041,0.518114587754,0.217936886723,0.670991422453,0.297936260869,0.826271868267,0.160968948273,0.227469022843,0.320835452098,0.371749731807,0.80339479538,0.205675966823,0.999451134872,0.411961439557,0.328601455187,0.778614725805,0.377916832699,0.413493148126,0.117782122387,0.611280020865,0.452116391949,0.278595845628,0.801340472418,0.420249255174,0.388999319751,0.767231598018,0.880162238263,0.32413774761,0.615121726954,0.671375102551,0.365305126046,0.334707602099,0.505961419085,0.464902610128,0.778601940667,0.2559309916,0.960044324415,0.112702471906,0.206836959119,0.237204710794,0.749850320425,0.579967133148,0.0703915968614,0.890519964903,0.534163576745,0.504873284704,0.146122450261,0.174983549296,0.657107669844,0.885622613958,0.251228804015,0.116458063192,0.524682915733,0.189803163249,0.93750947693,0.959557402783,0.66718276675,0.650829809772,0.626759512923,0.513070158788,0.591434981116,0.956307194425,0.105752566693,0.528590102371,0.420187446443,0.116561779036,0.639013845232,0.211154501286,0.116934276657,0.907631728632,0.955254281761,0.492897285087,0.742544416674,0.743863632425,0.0822307462181,0.417693887492,0.176860447443,0.591651087044,0.972984469725,0.948009889101,0.598025151374,0.0341500367927,0.0369597318614,0.6946920829,0.101765313928,0.964748387073,0.678267632632,0.304141613898,0.640492067467,0.831947565094,0.54647415568,0.461670869923,0.711696404722,0.84182792857,0.829646461104,0.443301284667,0.0866008225883,0.853202955837,0.594242801191,0.72678862809,0.350369670642,0.456589665834,0.86430652441,0.340365119159,0.201713376878,0.995477597756,0.372875376603,0.689852903093,0.297257361884,0.876159479672,0.227726212871,0.759802588535,0.588284211451,0.558572038061,0.103951331022,0.0834073911312,0.0774143552827,0.239125597502,0.803742893059,0.253192265129,0.507618328702,0.422355031138,0.44804706142,0.769442420571,0.621666742235,0.973224720458,0.817392679929,0.547922403286,0.397552598401,0.783171059359,0.573683812517,0.584297900924,0.904777927095,0.342326176118,0.721018375689,0.717105407361,0.974673381476,0.585086299409,0.649496603777,0.906458254873,0.142037710295,0.321534726366,0.392705479058,0.0270032750289,0.764488061977,0.67179157999,0.301847305886,0.109368170438,0.307669101911,0.469784580159,0.996425219701,0.296946203339,0.965322547021,0.220547966936,0.614781747055,0.170304434507,0.244438549716,0.830247948953,0.323031357835,0.249028255893,0.656655919837,0.402954484539,0.0913438212649,0.153786679955,0.951220834319,0.974135457536,0.0890525912094,0.678074220016,0.963748921192,0.983534419799,0.574416573316,0.835973085164,0.377574601606,0.785047367503,0.363584889415,0.771036524567,0.506854263339,0.0680217542815,0.89528449982,0.849473518226,0.400037693835,0.0708585858061,0.232963064817,0.276863210824,0.831953488973,0.715500459461,0.182239664335,0.955794327693,0.509565841347,0.391733757376,0.140746065081,0.207379036306,0.25582373489,0.708150395682,0.00640741726952,0.904910377002,0.471665157133,0.537458925912,0.86848802638,0.69860381118,0.512341612307,0.931230720387,0.625848039257,0.701914708682,0.225594792925,0.538471655587,0.216149040593,0.492576108818,0.162688506177,0.761304866303,0.707554514326,0.314910719826,0.249450714834,0.820419322379,0.192911241249,0.381557985886,0.565306874136,0.25043196362,0.450976551173,0.545086856306,0.736833160135,0.982294393792,0.891646295509,0.829482255445,0.593283432822,0.995514295052,0.224013985238,0.481797970153,0.349384336715,0.303175581834,0.793062969442,0.84669667376,0.703444497788,0.294412888814,0.418473187533,0.459084777167,0.322811510681,0.199119827237,0.652109729632,0.910676561664,0.14819914984,0.121126787833,0.129694294448,0.452679740804,0.654759156783,0.334099264601,0.240528241321,0.333244820239,0.157873596139,0.973299331734,0.0272823943725,0.325019989354,0.413637366813,0.443478293518,0.232115684518,0.033600183503,0.817868839219,0.301319913026,0.320349284498,0.109540524299,0.400177326103,0.2512807264,0.170458054368,0.487853876414,0.139737331162,0.757281268351,0.171626773727,0.623003533017,0.541506258661,0.346125568796,0.633967813784,0.726808694539,0.183753414982,0.0255823951102,0.489898724583,0.818585622257,0.518727874083,0.252173276685,0.0729321179555,0.497818291687,0.499120305523,0.968169093482,0.393041130442,0.542337978307,0.0461733767965,0.277607193375,0.113492009484,0.425328926701,0.715775610024,0.094724055147,0.914774746252,0.816424333551,0.125966996326,0.369044687897,0.37362103285,0.500197686912,0.043148580657,0.215494969837,0.915152768274,0.011509085863,0.314213721619,0.619469306108,0.562252848047,0.0916943400165,0.714363926569,0.854039716988,0.720594329134,0.476860247813,0.118567916421,0.978005073572,0.759507541835,0.674688792771,0.452898069258,0.820885591042,0.608799500171,0.893784773287,0.0548426509861,0.173206657781,0.26922040612,0.0449492974461,0.814071504403,0.565679276266,0.115366635597,0.105578177544,0.444924283246,0.577816991459,0.966861449723,0.502139318785,0.326225597226,0.491792332749,0.187189329363,0.530992757549,0.134707847062,0.568143872176,0.342904607736,0.432400890395,0.417034863304,0.46963977911,0.293971262734,0.664149558121,0.836599591938,0.642176782955,0.0430440354098,0.207862628585,0.488620918156,0.531659109858,0.599858510464,0.59609711078,0.378707023311,0.842842112115,0.980581730684,0.472918360023,0.151635049599,0.486033786627,0.067975769516,0.167931981224,0.531522027527,0.383913693144,0.785097810475,0.917576383854,0.669377339584,0.755007441144,0.78902155367,0.456908324704,0.255810050097,0.915781082561,0.0518936873432,0.510338457829,0.53711039218,0.513218367254,0.482035462512,0.727465990161,0.818523007077,0.143340196309,0.795621472184,0.48786110924,0.959416417898,0.519744609809,0.639153349718,0.83686021198,0.37521313139,0.149286390757,0.413325385505,0.677713706169,0.763307349655,0.108369130064,0.620820583568,0.853864679894,0.663083701172,0.691699013779,0.177695340426,0.280382866439,0.055781383659,0.247823007453,0.586780133123,0.590007850721,0.645423237554,0.592768944437,0.509687748965,0.179906004326,0.810989273601,0.0426370400788,0.55720796,0.375412879096,0.396507547699,0.426315928042,0.828644120171,0.621076077796,0.796052782364,0.834126620349,0.511414690693,0.382835642807,0.83845893967,0.393437823973,0.0915768379912,0.458760785344,0.440976522315,0.976600657725,0.779677477708,0.728478762104,0.554891203885,0.858175803547,0.70717218038,0.927931578479,0.775339110105,0.891881535457,0.0612463609337,0.938576898262,0.266232822003,0.750057552712,0.351392058463,0.642446050022,0.548329654649,0.682383773885,0.838821798243,0.182803787444,0.0177241667429,0.16208612885,0.688684580493,0.418720103598,0.32581419941,0.0162117767084,0.624840349602,0.542561193917,0.261364142228,0.155058515115,0.27697139783,0.111069704303,0.0630019884709,0.354257476935,0.713278550942,0.123207375416,0.189715591766 0.446201649668,0.101422743714,0.35217024481,0.61407230597,0.733189111108,0.381747695424,0.611280515502,0.971546949714,0.850798134941,0.952164536923,0.678984709199,0.822556340871,0.351728371345,0.905546607216,0.0641994076321,0.173924452298,0.184325761219,0.722054718969,0.478189999179,0.0186748870497,0.349625414043,0.343940538499,0.850423923924,0.449321685516,0.678870925933,0.372324601599,0.460589309204,0.16941048409,0.990661573222,0.95447895413,0.0875296524743,0.614949524411,0.0966014113901,0.957750728311,0.747010675534,0.718124327693,0.723819530741,0.526613092188,0.93908552099,0.0971221175098,0.631919181057,0.438662489264,0.603682710087,0.6095657104,0.598806508077,0.244816472415,0.482596743429,0.931022317182,0.804002556792,0.485251103435,0.914853471474,0.0463575615612,0.0895735407953,0.921861916273,0.196660493559,0.445407128632,0.0860923386565,0.750904071619,0.239178941453,0.489867768559,0.380563973644,0.380483461998,0.233365657775,0.267745062185,0.689977991104,0.201704890073,0.813489648104,0.494879407553,0.679746665608,0.1157320829,0.449611913344,0.24624716047,0.694433867785,0.811721907169,0.517313996169,0.84270687373,0.52112293363,0.646788631689,0.845453913593,0.311355829169,0.317134608704,0.483821348214,0.586382672195,0.634700875246,0.228350470863,0.462609501154,0.837920719263,0.664163971589,0.0128721334502,0.175551074366,0.977718254172,0.518420602369,0.351243198724,0.64112228932,0.0212644455409,0.7846841834,0.0670924170601,0.590094303672,0.29188182457,0.84372302422,0.351453161465,0.551171955579,0.583699227171,0.290400656798,0.091800507669,0.887900568152,0.902966156741,0.208323626318,0.377321645672,0.298291505754,0.32510102683,0.960837887593,0.934658790715,0.810139858572,0.471913059424,0.00979760176671,0.739120537869,0.223804260684,0.340055964905,0.579472781353,0.835053463899,0.92465517012,0.314694225283,0.325596074326,0.514070210646,0.877010918955,0.0644410627797,0.889716068672,0.909268788317,0.480962755115,0.0676054969134,0.535561769015,0.0939083291764,0.106328164951,0.324294304961,0.462973151234,0.0970806291717,0.892839417073,0.259551513689,0.599527568527,0.251543188342,0.151032811886,0.489861250637,0.990884113906,0.823575354705,0.8345438211,0.891447984619,0.262245116601,0.331724515643,0.246789539286,0.52797183156,0.36511028371,0.669786450603,0.856163345764,0.115803256494,0.197715425047,0.756211459034,0.138762011923,0.702325811498,0.422499261811,0.135612606781,0.622440855992,0.851418802446,0.299973647193,0.014844950728,0.364650174258,0.267214584981,0.667584927202,0.952941415015,0.921936532396,0.802826428102,0.924750544975,0.254441578493,0.366880166381,0.780120514005,0.121011906887,0.0275684062402,0.436275364231,0.284870783007,0.477326054412,0.600913711913,0.0354301403742,0.32754934171,0.577416179436,0.438307546464,0.936931090508,0.101375088363,0.530211921522,0.726158892627,0.522850744349,0.209927581466,0.727309830505,0.100851182609,0.0904342680568,0.718753202584,0.14300997433,0.150925376737,0.491887271016,0.491590368675,0.623070302649,0.968698389681,0.0912921443313,0.833345717207,0.190076497936,0.412869082345,0.440722758818,0.981130837371,0.55698797744,0.666999840363,0.457785131998,0.637912874736,0.224835227808,0.305585377645,0.0867156047528,0.478557853001,0.170366981039,0.778609076412,0.152967117228,0.703864109527,0.0153255992708,0.349787823721,0.59410276238,0.831662173578,0.660611392296,0.410411480892,0.270248384472,0.782174252696,0.395055451917,0.323248777597,0.521392637887,0.671299623838,0.767504383456,0.198603006532,0.99612011765,0.917906157995,0.556879206159,0.475723204544,0.809374433361,0.387087769919,0.489632014318,0.57200807079,0.112607353909,0.495300340614,0.863013824743,0.183313520929,0.945875582352,0.946630710135,0.155299205522,0.134593028185,0.518877332273,0.972805654733,0.610275505628,0.664067691765,0.139471033541,0.205678342792,0.950233173558,0.698657278553,0.783762184801,0.177012655908,0.700076968945,0.229272432589,0.225711190466,0.393615014887,0.379980099075,0.40346657582,0.421507823939,0.603915528769,0.187020918553,0.331717072157,0.639027210557,0.0698607677064,0.0138321665643,0.471369297932,0.175200825405,0.0521514798195,0.188856011694,0.141858683331,0.174632764758,0.986724139322,0.955749855186,0.683009664665,0.710907988402,0.0523971698164,0.6558846184,0.679505203574,0.474759388003,0.762444281474,0.423217153028,0.642940526538,0.37431739108,0.955313041484,0.13537860674,0.561864174195,0.390277690942,0.175044398022,0.548564645222,0.288819269057,0.758882410625,0.333082675978,0.934538113044,0.0195804577443,0.476927390414,0.995478143939,0.195068124096,0.707294965922,0.805098670652,0.691803520693,0.236173357134,0.586431315177,0.173397801196,0.310435740643,0.929111477501,0.836499544277,0.946300706367,0.118867381428,0.459776246599,0.604909530317,0.0911251221598,0.0848226804326,0.812431988341,0.121337713412,0.827845925839,0.809088173774,0.97309246424,0.886451167308,0.899035594859,0.812401307477,0.136907537716,0.662039866124,0.169899809578,0.851029333653,0.903220134188,0.287649215062,0.928852620073,0.605488705186,0.679711921788,0.0773382155809,0.459972837291,0.314161313427,0.393617936767,0.361752026826,0.940684273322,0.552918551084,0.441337943996,0.29471107342,0.510435433723,0.0679196827412,0.880856612475,0.895714913259,0.500851973358,0.435980421543,0.710639360638,0.270860632421,0.759295506504,0.184714045957,0.725938977671,0.963298013533,0.762209116741,0.978946455552,0.937302435133,0.608502829205,0.674674954925,0.523854319585,0.67234598335,0.908337798462,0.481707929894,0.659644047203,0.732121635205,0.346402134154,0.63864017997,0.232343632669,0.0833434570996,0.251665206023,0.0184437439383,0.204440750613,0.117475356295,0.479706334617,0.761182571201,0.279424671619,0.52561801292,0.748306929652,0.994842030826,0.94174683274,0.197542416875,0.75005361605,0.464012346115,0.201658756255,0.182619960444,0.613359988153,0.910775076487,0.109273875551,0.484296268474,0.262571894427,0.598660920238,0.844100026122,0.0390159135464,0.504589832926,0.0955768004739,0.354070251518,0.777224996272,0.727865590911,0.809520726554,0.323069896914,0.555648001766,0.689293270836,0.211320207923,0.351216972895,0.997447495867,0.341670394938,0.106076094241,0.783776722276,0.897916361615,0.50531711667,0.222776408685,0.172589670882,0.458767696329,0.273718134169,0.809783012943,0.30585358597,0.020236196649,0.43928572459,0.205727916653,0.0121903427486,0.341213373361,0.944226136957,0.153321007427,0.348980157206,0.27100320341,0.226059557427,0.51348949128,0.368690037736,0.0693429780738,0.890764955943,0.579607574271,0.679946544218,0.536462569426,0.567816934491,0.959436081566,0.672039852683,0.0642417545696,0.846768696916,0.69203723959,0.0034025012457,0.236974758992,0.867998712004,0.342674366448,0.86848656714,0.429311202971,0.437210833215,0.585847329927,0.180949468832,0.0202520854445,0.496251108246,0.75331779467,0.422623045505,0.818867575036,0.85023038122,0.867017430212,0.434233099382,0.00935192273302,0.862801401539,0.171537803243,0.722946848763,0.459007302276,0.126601600058,0.537368661171,0.207497281155,0.882833371613,0.0423680016544,0.652653093691,0.52972376816,0.758283361915,0.559668919138,0.347011379701,0.440412670925,0.563855784409,0.544276378261,0.932706483184,0.195903937471,0.376026388675,0.312468040251,0.345254099657,0.0333150201783,0.873818952486,0.335446982236,0.354069448927,0.0604571702127,0.323770518371,0.0202539701497,0.532120395053,0.249863843497,0.136447875672,0.288492025443,0.394333655475,0.790960442717,0.553972535721,0.978318506829,0.905214886171,0.195425613584,0.904581375973,0.635856914265,0.0535198248539,0.20520926685,0.940597231248,0.380059075713,0.731884912204,0.212369044365,0.677905293642,0.682745048789,0.905590790666,0.989714680375,0.0105056890971,0.903920462196,0.349171280414,0.997878791374,0.417439049051,0.0472986359593,0.120339274462,0.865028172227,0.0477924789891,0.870138798348,0.141754254164,0.302168332014,0.674402840808,0.415439904036,0.913720716085,0.98287703308,0.871299409401,0.71608152621,0.783342039788,0.741021569745,0.100575093967,0.213619190952,0.310084636996,0.0464163482116,0.866886735405,0.629423329316,0.615362346806,0.585754811964,0.190083054808,0.903288690753,0.0342090251724,0.615729084694,0.315757037858,0.265322714339,0.107837202116,0.428468985811,0.39682955321,0.724780010899,0.831218227226,0.290927553298,0.100719844624,0.0873495264988,0.49822713345,0.453553714427,0.13471519897,0.2678318367,0.458730807784,0.0674687238017,0.323400560414,0.71303261068,0.435915618668,0.43157011048,0.796361693529,0.513682783178,0.820733976128,0.882705431653,0.710452383659,0.954742525772,0.563028445788,0.893139991644,0.441643308855,0.376287734894,0.690460110236,0.169613720074,0.606955465704,0.610292257206,0.291074218709,0.205042686537,0.627351340404,0.624012626703,0.837056794434,0.188851539892,0.501224589688,0.28989272572,0.758517681017,0.0775524730368,0.722570732297,0.0923603708654,0.0584686193754,0.0973778350346,0.739513053157,0.629947523335,0.663889931283,0.813852914333,0.760278531176,0.18141600021,0.297998794787,0.590860906642,0.0354650047771,0.859593758034,0.862576898665,0.858816051951,0.77918557366,0.430892803144,0.680893496981,0.647665639286,0.496611858778,0.442698151763,0.700623476461,0.364165143883,0.645603303739,0.428582374673,0.776100337374,0.116022363971,0.870457444845,0.240995125789,0.100795938794,0.731632222001,0.49690863886,0.121440789345,0.383343007506,0.0118667515719,0.471300782963,0.868479780571,0.794084288305,0.743283660917,0.919142793378,0.261114484915,0.929911682367,0.912206707416,0.688750985456,0.354812816366,0.491470295649,0.147144362992,0.328542599549,0.246394962815,0.790692591425,0.441604383999,0.282027119017,0.869984138809,0.0409728909095,0.601697640448,0.308642351388,0.695082503104,0.159827384164,0.327629306013,0.92705490137,0.357348233487,0.660142619132,0.605384314138,0.211454003798,0.787686078066,0.190991662504,0.328733571873,0.543229820868,0.848035094364,0.478328486899,0.513086573213,0.191654905593,0.45612764764,0.00820529359318,0.336991914334,0.173199240143,0.685361231936,0.799502202276,0.0047018462176,0.550533600942,0.0160509737156,0.496852601513,0.238756740165,0.444973305789,0.28687742084,0.391527315492,0.834247403008,0.486817286076,0.888759715903,0.613408362283,0.321268869483,0.124248634573,0.559772273629,0.284841717391,0.176908486646,0.00118884012489,0.776170452671,0.0624167738936,0.415418307858,0.524601292123,0.0309799679113,0.587008769406,0.0877347342745,0.457020282723,0.129558371042,0.210974127497,0.573602008375,0.924862190407,0.590123296074,0.487956339363,0.860438990795,0.92846142436,0.819251818169,0.591665666002,0.315695549953,0.284952626265,0.63688235561,0.00551301379125,0.111818975554,0.713215573423,0.64035048515,0.661355470184,0.0937479230099,0.446715933347,0.0810880626339,0.254786757538,0.439125557873,0.232285144725,0.0593042929366,0.313082496212,0.827217342178,0.766820454407,0.405758343305,0.283138014635,0.811282448804,0.751116218797,0.694141631185,0.814561555403,0.414637351476,0.759308415234,0.461383464494,0.273345568575,0.592629251131,0.366746479593,0.964400607771,0.593819831363,0.906619971771,0.58358454644,0.835698841397,0.445145842214,0.14429491866,0.909882163802,0.515653867779,0.0104787378688,0.706594525753,0.319912292209,0.643683263142,0.125014232997,0.386870241632,0.177902352386,0.270820522636,0.517712474364,0.801521076717,0.695180067931,0.49747431281,0.0294387536675,0.771917110179,0.811223348436,0.287761033629,0.161046257884,0.492805671475,0.258914194053,0.464965635488,0.434200616076,0.389050528403,0.223877524553,0.844168994346,0.113240593241,0.7029458455,0.79945017342,0.0642098269219,0.32480187438,0.120684666647,0.535574939175,0.323539934517,0.766743475623,0.848838886079,0.679496673832,0.930508381118,0.0709028266849,0.954794878383,0.773851461105,0.503975141783,0.102995116784,0.823778516237,0.629584181692,0.301227035925,0.985212875651,0.228762924123,0.370961024168,0.130028186664,0.556519294651,0.674327510077,0.393042018569,0.976396087125,0.0936896059813,0.543201435427,0.685455343718,0.25888046699,0.546686374026,0.715337711616,0.88847964471,0.923352614582,0.428876008863,0.805557116074,0.564118422304,0.818689093538,0.927968615133,0.501799541855,0.931388713584,0.166051705618,0.380221420601,0.116857424865,0.356533740489,0.231898287787,0.672233275563,0.452513463558,0.453792301036,0.0757774276737,0.44107160437,0.720777919154,0.774897678725,0.0348605865501,0.177614560893,0.926734771524,0.879230772788,0.185272558348,0.967353558705,0.254211560044,0.0294663055122,0.215135879214,0.0798779260451,0.969727883686,0.256985130595,0.132460542534,0.660875929922,0.102520687331,0.434228099523,0.402218858505,0.0681994221724,0.824173090075,0.657470786201,0.991412028592,0.725129464025,0.969052349455,0.413382760195,0.405660571461,0.570309009523,0.390442362569,0.161805532797,0.582562824913,0.0147911398846,0.529030365607,0.843382724968,0.448208690459,0.545677289831,0.216084881455,0.305547428301,0.00838696618511,0.198279348359,0.260078144461,0.368716184688,0.466861125044,0.599238374133,0.731267451569,0.073840766162,0.209347945447,0.721313716478,0.990494153654,0.41226204012,0.890556201896,0.614193819419,0.675063390168,0.417262036742,0.0327289584147,0.816566872611,0.351944989698,0.197229811066,0.486449662094,0.330507120814,0.126344223398,0.460948543409,0.571510331595,0.447205778455,0.3767428753,0.0877963716693,0.36057107249,0.154032946576,0.744029640871,0.543506666066,0.478382815997,0.371534327831,0.57791681905,0.64799916889,0.777918595979,0.341716430536,0.165704286096,0.300270101949,0.289589923282,0.864207828268,0.0258059497385,0.952416192257,0.00541012370197,0.488172787808,0.277372080161,0.71775742124,0.337980760578,0.684280354369,0.332520481598,0.412084232951,0.143616150604,0.397459205244,0.160726111118,0.15090314974,0.223392810624,0.611904122983,0.906940636757,0.332272249906,0.810549745167,0.650402410857,0.0295966248469,0.514772398572,0.0289609162778,0.330891390556,0.00196571703944,0.644792509433,0.270684990106,0.157016458998,0.20079773718,0.940963383567,0.0596039283233,0.818596540204,0.2409566872,0.0360772270167,0.240724837342,0.860873225876,0.881920984136,0.097545735673,0.578163020042,0.40553352345,0.587969422263,0.225019559244,0.396950961027,0.0976100210159,0.674568904803,0.583886265918,0.73475211076,0.425102219504,0.0351602451375,0.137902984391,0.547982371233,0.168455189328,0.954860614093,0.59198515235,0.790080189496,0.33085588125,0.958310129283,0.506631383448,0.0293225265432,0.567311211003,0.632870407632,0.871444596873,0.396579901042,0.252539680484,0.0637801669015,0.947261053264,0.324385134726,0.853064236044,0.99390290014,0.641225939377,0.784571320141,0.927673297143,0.670436945023,0.528707162407,0.186017241469,0.942344833065,0.713489513506,0.26603222787,0.905998328283,0.0997929203847,0.169225845114,0.181285929461,0.422750336659,0.505120539709,0.112573666614,0.873053802566,0.189759757286,0.811747021402,0.0907212693915,0.151204849607,0.180528405021,0.99740972608,0.102222717316,0.0172291174768,0.848214754842,0.520121935185,0.908885727917,0.95794254658,0.175214706255,0.354812270518,0.937551118351,0.94014640935 0.473249781977,0.287681593058,0.869056442648,0.108663583527,0.805160481502,0.763768070755,0.588576024442,0.692912104132,0.313261908263,0.387708728938,0.018998849614,0.429456462287,0.937476728554,0.00828904815139,0.58791040719,0.857399890207,0.72939331236,0.320745930698,0.707919960907,0.0475431461981,0.914466830712,0.206839686931,0.309128887026,0.514698076727,0.468312397237,0.830311537195,0.283417763585,0.201316331222,0.33394575541,0.731115236756,0.109882342726,0.517790288573,0.0717277492154,0.174951661172,0.28619809622,0.929941388129,0.647764346448,0.644840135473,0.579967122096,0.425374241305,0.386652974835,0.524829965041,0.952888775543,0.532892456247,0.760575726082,0.650518823127,0.0619323468159,0.197140995562,0.638822855264,0.0827658167988,0.768246780959,0.544389740088,0.458821883296,0.605538822586,0.691398742042,0.993332069388,0.415821496139,0.0854253799611,0.524342508962,0.159694897072,0.787348190977,0.34876069869,0.423581403574,0.85853369461,0.159200129894,0.284239804272,0.455392421247,0.491358252012,0.479524985606,0.134470438937,0.838197570839,0.421412456933,0.445841221139,0.199959275373,0.012570277258,0.86985777021,0.609013367966,0.638352674644,0.0484140022421,0.656327272438,0.863663548236,0.143242176865,0.000433044674036,0.22432252953,0.284878008408,0.278102479836,0.0280307838941,0.526320972975,0.596492568277,0.818019928045,0.231152830267,0.0376302914874,0.614067971624,0.250284192895,0.160746199043,0.275762279944,0.759953172482,0.335664495344,0.98424362604,0.548573939962,0.777049602147,0.964524511303,0.0820278507675,0.866959793749,0.251805544464,0.0777108584388,0.322885580023,0.392889956575,0.0804271247264,0.492457616642,0.58233202954,0.702674729209,0.473442726224,0.0836161374554,0.196143680672,0.565388336265,0.662195366525,0.509896783297,0.35766750038,0.5327977488,0.989615352714,0.832732881631,0.853039427963,0.997629959987,0.459479615544,0.352233008088,0.108295395713,0.0583686740246,0.261553557637,0.34577800283,0.397464773454,0.206189772652,0.40718858011,0.816762854855,0.438509182275,0.781624041158,0.939735551685,0.694062466614,0.271330387506,0.178570832498,0.975317372242,0.0953789774515,0.575278845364,0.414867046801,0.865642650222,0.145813156953,0.720627675981,0.819536787002,0.134389080336,0.777251767777,0.878279373305,0.296975115914,0.896515992771,0.999175483767,0.643682427346,0.456700228072,0.0886686665463,0.0495409562451,0.111843348324,0.131871717654,0.984405712726,0.29596186003,0.914663323692,0.437180624793,0.884414889022,0.858417855498,0.297479738113,0.63920750703,0.208055631448,0.739485579702,0.954327789667,0.684765996619,0.816882059473,0.694003527824,0.0559706976923,0.0614203002878,0.318514602173,0.879798543051,0.0568450091576,0.499006764783,0.319918683854,0.404601481855,0.129161957833,0.712961473181,0.268810648979,0.23574507821,0.474491609753,0.0907381870585,0.550158379192,0.112935281483,0.670694487431,0.0318505155559,0.569487571259,0.351567354861,0.353267633529,0.608562158747,0.529519378875,0.48103617628,0.204210114865,0.73786378444,0.752795049689,0.0978113530299,0.795033975058,0.123379400763,0.770935874438,0.07877159201,0.656079717591,0.105226936366,0.478167159398,0.178290599582,0.062739620564,0.608009547132,0.159741517317,0.216907588342,0.988178869556,0.668398838825,0.350469653793,0.269473628704,0.343132450221,0.16491730533,0.414940455125,0.657987861728,0.538937292678,0.568146597995,0.465515269661,0.8266216631,0.501520009112,0.698709771781,0.944297990523,0.95566410278,0.823169495256,0.93547891758,0.930643940515,0.54035708771,0.572567778786,0.749890889992,0.889920712411,0.101019697381,0.161909560853,0.114378381423,0.824802198258,0.394380671779,0.875554974088,0.222984240971,0.387463660141,0.910249113803,0.389300711622,0.66581841465,0.65311601262,0.024643045847,0.654184437689,0.468796515175,0.737546751001,0.812619837324,0.824609394771,0.232242249731,0.556207175395,0.376224093327,0.830325760435,0.423298461561,0.941494500175,0.167064464666,0.78464427829,0.866649154042,0.635736622411,0.437999256102,0.509769552333,0.531166740337,0.533397161043,0.300948437074,0.770135752522,0.417223761492,0.759292340491,0.725008927526,0.0528489942852,0.463096781288,0.314922785526,0.16290764487,0.962564133506,0.115195545695,0.827708678438,0.607514486826,0.0500703597398,0.786546820113,0.660642629446,0.102736524341,0.551655124779,0.777803947461,0.735910114541,0.42705911043,0.0618999835836,0.850378401154,0.524389405151,0.590839075004,0.530666366601,0.612844201865,0.303465621211,0.935468557305,0.764054339353,0.026086479217,0.0610502933292,0.0699418668656,0.377638452249,0.52712783131,0.195636124675,0.512075779688,0.331918720469,0.504630873275,0.207728680603,0.381656715368,0.869593684995,0.0408455720788,0.0331920409616,0.664397935088,0.246478991918,0.327818774713,0.475708812282,0.909100932586,0.0883402159217,0.0877510607428,0.108982407293,0.149168476117,0.542781859391,0.598538018128,0.198221665933,0.257646035101,0.294929310839,0.145164067987,0.798850151209,0.488550928056,0.200943661814,0.885279441842,0.354159320576,0.771886391995,0.124928287016,0.360376237389,0.145548157197,0.953254783879,0.670763259975,0.175542857811,0.0646917628468,0.527823260551,0.212655711481,0.482228673441,0.374236130944,0.0905619034195,0.21632676933,0.722433830713,0.068885095577,0.759843874072,0.919032765489,0.0613363842221,0.0818163857958,0.574124946746,0.729697515769,0.141621416568,0.836325765241,0.194541222068,0.453673014283,0.419549836577,0.304152959914,0.420599838715,0.616051604749,0.110454537256,0.469921589499,0.522507615521,0.583889195096,0.245992517734,0.400726825641,0.253658597596,0.468659028854,0.503501626323,0.57269251881,0.536186093075,0.0713498073375,0.364837832721,0.719350750768,0.0238683420496,0.610007964331,0.470876805318,0.491286978632,0.182607085817,0.412094116401,0.908266534523,0.751682257924,0.0484141836049,0.783494519037,0.60161136984,0.989019440225,0.351492296551,0.742296481328,0.88607531605,0.621841728301,0.912872421729,0.0452010583495,0.718093254244,0.931170486332,0.0719579477382,0.15716330768,0.921122992927,0.640491375417,0.457393450963,0.400940594463,0.90301285485,0.112949563093,0.212394963204,0.465675372468,0.563195772682,0.848434330829,0.854287830531,0.283093829299,0.206083438139,0.166558199139,0.844724660655,0.87658635507,0.0154765566149,0.185302723802,0.830837597139,0.349455078901,0.169761679676,0.960137331693,0.0693253682843,0.659863001223,0.525386636693,0.977006608056,0.0212304239087,0.568296354346,0.272557981721,0.549698017407,0.637956416732,0.372756032687,0.933218992666,0.609950287908,0.551605041915,0.158688126941,0.388874520687,0.0546757182892,0.156383376891,0.201526702136,0.178881945393,0.666942714278,0.574283569199,0.708590602235,0.434908337069,0.433616090639,0.60704523945,0.791266243963,0.95733884247,0.936166694363,0.662647664159,0.0629022200291,0.321972319519,0.288093513489,0.475409271802,0.710587195362,0.0664308098037,0.554615186162,0.131885492161,0.697693225656,0.412661556855,0.653315453301,0.684960208747,0.227132392584,0.535760088149,0.331931095043,0.968288818654,0.51232759464,0.726695118723,0.869154361251,0.746347480125,0.00854843019309,0.356564892833,0.0788207410637,0.87647753568,0.645483729933,0.443062628351,0.854281377794,0.548024516214,0.626554524154,0.881563043472,0.270247376392,0.334943215465,0.52779069736,0.193010806638,0.103132428271,0.107374947368,0.927857412369,0.697217611344,0.939707919553,0.747801212301,0.0378601005238,0.846886277095,0.728580961951,0.734503263918,0.286882990361,0.390879965351,0.318158396069,0.431241675887,0.211168812483,0.678489206201,0.344371631832,0.995607487725,0.368565863669,0.0655732489024,0.520379668892,0.566994469031,0.326730281477,0.428719359652,0.848192730198,0.176921891786,0.446260448493,0.239543379625,0.380707294631,0.767942989943,0.795743506663,0.109622826862,0.0708329485248,0.095104562942,0.44503451836,0.973002834591,0.0192556153728,0.746098338593,0.9802307297,0.759452984518,0.734280365123,0.385412611484,0.554473978663,0.249471761197,0.96792340438,0.815793469283,0.268488604702,0.938014706351,0.686212043751,0.118981068176,0.317144544512,0.457011345259,0.000261289012752,0.575069554635,0.455830162229,0.362708777294,0.112592236586,0.722233641808,0.584466836905,0.590720680928,0.347657254167,0.0634382737242,0.917210096916,0.196571600114,0.789556538866,0.520473624858,0.0946940361142,0.296739904751,0.844657025609,0.596996215052,0.488658195556,0.585085512948,0.842228376369,0.0671837257951,0.0332905030428,0.253352972622,0.664398814476,0.485026682849,0.584070353999,0.753655912131,0.666034390886,0.0518052749743,0.34580760957,0.294321459679,0.180655677704,0.547487139091,0.865589155081,0.00965727279984,0.233336110737,0.949839071639,0.161807745567,0.0914395594884,0.92302360738,0.825063803311,0.331906961695,0.430526303703,0.559252157381,0.599391211524,0.108530814891,0.450654160136,0.997833856338,0.372442659854,0.171559665158,0.42593255574,0.796377527123,0.79322063013,0.149722484489,0.845825288969,0.0989969857515,0.0916135028413,0.485629441796,0.156663227477,0.606602886776,0.991363618091,0.391320099258,0.0365262863744,0.929044691185,0.995597856067,0.306196596114,0.298181486406,0.633827389062,0.0713612230213,0.633807067381,0.752171513305,0.0448181639782,0.499372927893,0.465460797151,0.878400038455,0.912830274117,0.428810781252,0.447753788423,0.820696835071,0.774087878791,0.545620364486,0.479177073938,0.566482933614,0.648564650499,0.917274543155,0.299910358052,0.0263692137306,0.620968156521,0.306150364488,0.478661151165,0.438406808506,0.00661320883236,0.415010550356,0.701986942799,0.660191040179,0.290914796683,0.358911198931,0.28369176327,0.259095978381,0.642151487184,0.886309690657,0.604933441508,0.108336603852,0.119977274429,0.983984734741,0.383550870953,0.474036117139,0.673180788356,0.285467719848,0.157513985181,0.549556963715,0.99481049578,0.272849804146,0.544726992859,0.666416339546,0.530046930008,0.86884847304,0.661504121863,0.276590289431,0.803099555463,0.204547748041,0.509434674031,0.808869702356,0.78232551629,0.252016284805,0.462158556608,0.177846242563,0.9913156918,0.752648398696,0.453984118713,0.81513300011,0.730505319668,0.501629711499,0.382755945199,0.354412719946,0.688370840733,0.545746101906,0.936670483892,0.557968376737,0.91416503623,0.657113327583,0.804910772792,0.358653635166,0.697811349856,0.202654495685,0.334917675505,0.785613680879,0.362177586581,0.301167057552,0.832354091284,0.137917869035,0.348068742863,0.76710298088,0.533113997025,0.752183079256,0.700182290468,0.998400091372,0.388263496105,0.124484752476,0.665619852329,0.781203722321,0.426924900992,0.69191967283,0.871124474214,0.167175222848,0.132251899828,0.651538646067,0.845678437012,0.656569395871,0.12417915469,0.22098271829,0.253787355742,0.197733296185,0.969153360775,0.660854289451,0.136791592502,0.162980736889,0.636075646529,0.779747083866,0.36774744132,0.455414938319,0.173464785799,0.146907794005,0.0136203702359,0.02715127431,0.688779009637,0.369761959281,0.553024073159,0.7439639796,0.950820812912,0.0114781738827,0.740383643638,0.783482171616,0.576947557539,0.114834143575,0.0267003881666,0.694559043495,0.213120979014,0.0292996928766,0.595756733707,0.741172019614,0.932602085076,0.115508622304,0.0490673541208,0.209162820713,0.729856475972,0.00220143489791,0.148566632025,0.146029848028,0.962353753884,0.914173174405,0.62166891745,0.447449432207,0.771195965864,0.944531025514,0.793241753026,0.345878331272,0.568217357961,0.0529137341576,0.182368399664,0.767708099362,0.228858047819,0.54289238498,0.520346907262,0.738803001926,0.52705333479,0.458985954087,0.558671986897,0.245216391702,0.63719905243,0.232207859468,0.133414474031,0.580590499202,0.780520085227,0.344163701752,0.624644635883,0.953715674868,0.347751249948,0.842776646797,0.97538569905,0.075585691969,0.393855558187,0.700798836062,0.484251716556,0.45811136807,0.396385376845,0.422335126648,0.714120304171,0.484347379892,0.614078877494,0.679809852005,0.27683491765,0.36948621136,0.792092955278,0.252563718323,0.87662281006,0.488165957762,0.292214190776,0.81316493376,0.64716830652,0.0380278214048,0.176425404691,0.978917492743,0.299489691443,0.439342045969,0.466066969226,0.288816762099,0.669247809221,0.668362457463,0.837363150604,0.619153687737,0.26153761567,0.807923201986,0.884613384027,0.578248915384,0.784532024863,0.91926238234,0.347242735541,0.249404182584,0.62514591754,0.796579888058,0.215298100986,0.216955989073,0.112224054652,0.0121670023261,0.256206108195,0.287683572652,0.496737650174,0.25941276121,0.13440928259,0.478820183892,0.0443227666104,0.748511425503,0.161938951795,0.85604656832,0.617279533386,0.425627048887,0.424165303207,0.169155558211,0.58082974109,0.470220772886,0.34854114538,0.508673597115,0.351171156187,0.771437560161,0.475018895324,0.891101796379,0.249482646115,0.101165073508,0.130381440405,0.236848961372,0.504559734437,0.0478641200033,0.397934073173,0.705534076018,0.388546177784,0.193811082709,0.0825614976851,0.794715840383,0.404466488475,0.553949264393,0.743059787748,0.0633246787504,0.341674939312,0.857899436308,0.242762913914,0.309503883725,0.94620070694,0.545066166092,0.767048730752,0.983551552819,0.526556879806,0.597618256905,0.619343735696,0.41722609473,0.123381823675,0.726788741139,0.199843542635,0.273486766074,0.663593096736,0.635414908917,0.113394994669,0.721380111271,0.394598467853,0.924595570271,0.744803887315,0.196611570881,0.0864502149373,0.0278571355175,0.100026402864,0.383990586173,0.0903286989941,0.699522967154,0.565793848843,0.312126957657,0.146538023954,0.137607512398,0.795990364408,0.259165989095,0.717118095053,0.997662904147,0.321535889366,0.645369864094,0.271483284405,0.53888346039,0.246569778485,0.180304610868,0.954808932109,0.406785809262,0.623516821951,0.184235374396,0.923312885204,0.305213557875,0.180921378194,0.535785618629,0.568795538507,0.959908117622,0.514884060066,0.239041740393,0.220039275633,0.64504760688,0.163947650543,0.0793678580546,0.386603999765,0.873441108904,0.262883282005,0.59209755293,0.453024812118,0.535449391253,0.0866081169145,0.631531440028,0.488870721892,0.444293276899,0.324433655189,0.650720509401,0.676494010365,0.885176379562,0.00267327343722,0.0891402805869,0.619009049572,0.633170801171,0.866895470101,0.317819504762,0.234882331667,0.875825223014,0.573683701061,0.484378035381,0.573350811936,0.159180663679,0.533908169039,0.887414476127,0.991894136913,0.715207251458,0.417738619378,0.235340847652,0.971275705296,0.821590007356,0.785987523948,0.65308912461,0.461948358482,0.873174131602,0.9992349176,0.686951572581,0.0949189218108,0.363484842499,0.15022117983,0.226796061798,0.955633606459,0.283784160555,0.968673989656,0.687880802192,0.266825252617,0.694108886947,0.171330082486,0.288877896071,0.631524293103,0.0359624435404,0.0809077782896,0.944146311322,0.1889913791,0.679348092173,0.687943489463,0.608206649517,0.466937599953,0.157695473004,0.473914184216,0.643446337323,0.759151570594,0.220486485304,0.0996049172238,0.345161025482,0.267076344146,0.513237237916,0.898219110587,0.811895528938,0.0931990566424,0.502100838909,0.644712238517,0.200761310339,0.616581812209,0.513627837207,0.491691936641,0.265183655845 -0.665328120064,0.874184775802,0.516847869203,0.721500868612,0.693637185801,0.766428752033,0.0600253076714,0.423019428573,0.466020924426,0.496501845522,0.317256980639,0.615969191442,0.00222270474401,0.465784999429,0.128367651307,0.761396695784,0.006417847468,0.641839017211,0.025300407433,0.921912089045,0.856221402412,0.827462193619,0.198550634228,0.027948259213,0.302727568858,0.426400692462,0.155507573166,0.648643075997,0.103515936218,0.734740365,0.102036901452,0.291616447427,0.836560169602,0.486877890981,0.911160825323,0.761635888849,0.731017763622,0.678669609414,0.113793521814,0.523480892408,0.44390629008,0.811666803531,0.233208453312,0.391701578789,0.0861774322636,0.721130970442,0.385252328815,0.477764964834,0.143536642241,0.783532703894,0.721433936799,0.102794756897,0.186891303303,0.473348496197,0.890886706068,0.548168898592,0.196976747996,0.433173954079,0.713758039223,0.0358440427548,0.61306276744,0.302358942105,0.0876538237936,0.65624023927,0.140876840524,0.78295141715,0.652260885519,0.706018946581,0.776227247602,0.19441331833,0.836682367489,0.388889706109,0.878769033932,0.323521641778,0.209424845338,0.891287372367,0.388394608047,0.665455078847,0.288240492379,0.96743502607,0.1864680293,0.988176411437,0.0801746684453,0.738617669431,0.544875345534,0.855409718362,0.775584757314,0.46241194318,0.515089994849,0.0723757606558,0.474435877001,0.526664598924,0.739575905238,0.00452489107013,0.481481071543,0.191524046818,0.214592518807,0.0721929085153,0.263555813846,0.989832606905,0.0646156629419,0.721691002565,0.0623879049304,0.692907129703,0.21460805673,0.76282494309,0.0254108950274,0.465303340821,0.248239833555,0.0438186559917,0.169153218644,0.580410100097,0.466870285787,0.741781388433,0.322346319611,0.303815021136,0.605171640567,0.669230171759,0.896180938656,0.117706539585,0.408589648178,0.977839008883,0.246401589181,0.640374013496,0.80346465424,0.623561259639,0.825058454639,0.897378522076,0.870596353488,0.815654549808,0.169587180042,0.883584186933,0.525819332651,0.610548999032,0.265708103146,0.432039493679,0.372461508736,0.376182499611,0.950578100346,0.893109862638,0.210167344568,0.678455697563,0.297031983528,0.0219847460455,0.208080483243,0.925210504486,0.573416314109,0.213001705518,0.674330721877,0.956347808988,0.91429297725,0.971387412829,0.152668594262,0.403514000454,0.499695318142,0.185288128456,0.20038261997,0.634486596569,0.183580965789,0.65569092531,0.829658477126,0.244274997563,0.850864398588,0.241388589754,0.241292506397,0.991351280152,0.945736160608,0.335817526921,0.662070231784,0.782055677059,0.715342602425,0.560516598444,0.0404902031133,0.0160152697813,0.382044386622,0.516509246308,0.556332545583,0.915762880864,0.700009021813,0.391354025501,0.0320935840013,0.244456448256,0.124337617071,0.293243302506,0.816137384394,0.00797263213777,0.104683219723,0.490791636505,0.544688224013,0.593515381752,0.33050055942,0.0685586011147,0.107893229327,0.473322506773,0.930934334845,0.900025747336,0.237736198641,0.11338444249,0.0990203982753,0.42094635111,0.0605738722051,0.595741539437,0.363794077668,0.746296054979,0.0105274977013,0.835139785735,0.94149643378,0.919426260846,0.337340434511,0.560099069484,0.962686698052,0.883334702433,0.826991350844,0.222663521788,0.676017016342,0.862024513633,0.800317675249,0.77020167632,0.66188403719,0.384731015497,0.145207797242,0.568234648388,0.111864705078,0.00810824543314,0.391607777354,0.663944982952,0.113940555435,0.0958457308174,0.58419421715,0.440575022113,0.68512974182,0.731006338456,0.330634403818,0.18680572563,0.488872127565,0.628813626692,0.72480652198,0.500925211721,0.864448791587,0.335789296254,0.572203293091,0.911337608248,0.988811653059,0.0947839557333,0.629955001144,0.237838844717,0.163639560764,0.768694964428,0.0454912256228,0.924017606402,0.568486985116,0.0496771338175,0.864058731235,0.127469669706,0.942311912532,0.152718986233,0.0875049286697,0.188023529986,0.285865231735,0.429043801872,0.348277841224,0.766857552213,0.134992695366,0.00216653119906,0.351270397438,0.549926250582,0.0257509905868,0.396239719628,0.836767110168,0.311633605083,0.0558129694634,0.280891264426,0.348227785952,0.395818652526,0.207796529738,0.383366632114,0.0737643960945,0.644624909355,0.0683611138439,0.573115090439,0.894207205868,0.936270056947,0.671202598796,0.604847093238,0.284541934294,0.659055538353,0.494476426347,0.131055335786,0.159781401904,0.0768823504265,0.653635951827,0.137344269333,0.523010808006,0.766405453136,0.531440621952,0.592254450315,0.227102301857,0.545580705244,0.0941945920717,0.738223863501,0.354161049468,0.873674916814,0.671947604271,0.957414477274,0.835679323879,0.144420040805,0.275143737996,0.729712794124,0.526175801659,0.646578268006,0.0373820196863,0.738562027459,0.0460869914125,0.0505750071447,0.947327219661,0.476650060557,0.881247059058,0.956094518601,0.321958378907,0.747562379486,0.959328749719,0.575245600357,0.409558322897,0.3174380295,0.434629444806,0.308978765348,0.208430935864,0.312735625901,0.556032020979,0.418366986339,0.717401569249,0.570503550868,0.794449816981,0.56051660578,0.731929401499,0.679673671761,0.175426189105,0.125028103831,0.981009553897,0.875048440699,0.548748858006,0.779600538856,0.256749478245,0.773820055542,0.0962702197076,0.756377582551,0.0602018701056,0.382028835171,0.31942381964,0.576891219838,0.590595529793,0.545910520839,0.800735808166,0.807544149444,0.607520348755,0.0308490424931,0.244760086376,0.949449361591,0.711190212038,0.84742075475,0.347856255168,0.566194292892,0.821223329404,0.0508107387286,0.353920896075,0.203485739193,0.434591708332,0.997928239526,0.211328624127,0.385275054491,0.808034327935,0.272478885904,0.850746266433,0.545875638307,0.183924200946,0.858928250571,0.0682751899374,0.427644529212,0.893315559288,0.881767049166,0.459575353978,0.881724374095,0.612015507018,0.579417481242,0.030375842286,0.160123320158,0.919408602523,0.962491388217,0.0964086103291,0.58959410131,0.121334746782,0.528188482819,0.195729237051,0.149716769668,0.533105057393,0.975630088627,0.850117951412,0.293190926537,0.338692142614,0.222877452876,0.295569977149,0.385715539602,0.924676603895,0.266726892018,0.0668040963809,0.636287216995,0.341769211616,0.181332363308,0.731491320477,0.903839475239,0.98712088075,0.529214609337,0.557984793982,0.0435612475123,0.953970524096,0.128289410096,0.948854637577,0.240845160206,0.210510484641,0.517798470391,0.942565657535,0.794119014801,0.331362786785,0.859604257432,0.173972153136,0.220434394877,0.826050678071,0.441877310234,0.77115047338,0.299585977757,0.550472108951,0.894783128657,0.313949558538,0.454455310888,0.41611165826,0.671741511487,0.446641660113,0.283118429923,0.97787285823,0.564175249582,0.58201174087,0.339810464142,0.861160962966,0.824073129427,0.921340469548,0.0327654151843,0.862390184838,0.465731290443,0.478344900201,0.000668610879742,0.652363108927,0.666206170101,0.795713975865,0.570625194752,0.961904057302,0.843902286678,0.629881670743,0.448519211748,0.988622057941,0.0947693802916,0.643089058374,0.1274748769,0.879061840482,0.0434165143633,0.59483008038,0.842551448695,0.820261382065,0.68279880052,0.837229037554,0.513590519783,0.294292497667,0.099300876943,0.73522620589,0.311421404164,0.260770438743,0.712090074334,0.543113372501,0.604283881832,0.326224382572,0.752118437682,0.540730169822,0.56592916346,0.0954570732554,0.634552966259,0.81062827004,0.53126598996,0.566409058094,0.279865110255,0.627485183696,0.136737984746,0.0176075421273,0.483108333639,0.570452929207,0.199148792486,0.361002504956,0.0234133631631,0.463679837371,0.233445952315,0.878727295068,0.111488933677,0.0847707400958,0.48694546919,0.591681583587,0.252311939966,0.66625736102,0.833978347968,0.763042345324,0.455316644195,0.812972639672,0.812700314262,0.106759149592,0.596250268689,0.71726581427,0.851172384127,0.926192824811,0.827752592897,0.881773849983,0.148657300244,0.541395277131,0.156658968606,0.631458894337,0.20905416807,0.373707155722,0.054200568157,0.801529315974,0.75122814202,0.844054341806,0.302115649088,0.741365794115,0.925723650922,0.581074031688,0.121209496308,0.776728845429,0.4765192559,0.0378791278017,0.490293271816,0.284465069125,0.513685206515,0.650348483019,0.163053143672,0.884948092049,0.604151587654,0.626047910469,0.0674819182103,0.802185422885,0.501628325202,0.465425209231,0.445612304978,0.0844260703687,0.799608536561,0.498447399505,0.422822640415,0.483940688381,0.978074606193,0.24341502957,0.491380654666,0.0786062270238,0.344809563849,0.359128108506,0.415672172455,0.359997463857,0.221109669448,0.770024999324,0.0956329326308,0.718202129601,0.825611960739,0.428539308394,0.650229281055,0.759822219458,0.63727702774,0.302280882604,0.703872706576,0.0123056878771,0.0959560074263,0.180946388858,0.393089869403,0.896891541585,0.0742670646642,0.219337057882,0.246430067285,0.92789787525,0.373797387859,0.35868133592,0.744106854777,0.591616203179,0.963504781407,0.351806281896,0.37041998179,0.781488509037,0.814316948318,0.831972092676,0.686667633237,0.382754251334,0.226638876634,0.618016673518,0.926311062196,0.464675161612,0.349518481587,0.828637718761,0.518469019545,0.667188450011,0.98583509837,0.6550932994,0.560010497442,0.214108424263,0.266255725322,0.919814020631,0.0575445274117,0.805602429815,0.904447606385,0.667982963398,0.828313853593,0.871081784899,0.27279645565,0.698706837645,0.0593054841874,0.721785976953,0.902806658235,0.65540015337,0.0511515570017,0.139132869353,0.482546623483,0.833086847419,0.361279969439,0.648262413542,0.701937829864,0.653809509332,0.39997450234,0.758785319565,0.291314212142,0.260603609383,0.103386596792,0.00429039805417,0.112004444934,0.319730563425,0.434300529781,0.216156588586,0.97530066241,0.393441767018,0.533012161791,0.571431851349,0.741263048929,0.707133266536,0.999965323587,0.199991831659,0.00868007241069,0.194087726125,0.436873734077,0.140261622546,0.236144858512,0.131350795888,0.721231056093,0.946909532215,0.936696774894,0.397446345553,0.685934786234,0.935060303074,0.570462811881,0.333432252057,0.562583329874,0.308493571007,0.172088433868,0.471982932078,0.799584598007,0.0429489673735,0.288755642376,0.883071675798,0.967157008516,0.812479323042,0.927782902253,0.529454892734,0.852738307551,0.338808160507,0.728930551704,0.234112826128,0.669485509918,0.276169837083,0.270793537913,0.763981138929,0.409798739115,0.628535313529,0.0321403692658,0.934267563078,0.0948849230288,0.842100074242,0.257559475711,0.923629372186,0.379179226877,0.00552763396637,0.976155045072,0.569755856167,0.533935204235,0.85104335426,0.278230747376,0.724086471941,0.0723547674621,0.627752841496,0.342170563559,0.735339477997,0.915229502129,0.143064394386,0.23618045442,0.298000518118,0.454709788702,0.391848537004,0.79685219619,0.241789038212,0.708334340975,0.0502701986584,0.846360189416,0.691008440747,0.177791713899,0.922505889755,0.647301490672,0.764698384759,0.663695814047,0.990184995505,0.0263594593122,0.385892246831,0.619172334942,0.165233030193,0.0115721001939,0.0265473723296,0.608153394004,0.267664198306,0.878783601339,0.935989339874,0.922260466375,0.89589473172,0.127351603349,0.937311764499,0.0924763129273,0.526191000233,0.530498986377,0.603803703963,0.412924021221,0.13021482059,0.93585794123,0.534334210294,0.898225744899,0.431464012913,0.735533028096,0.0859640808128,0.877085112509,0.815772187129,0.964671452208,0.431819441456,0.990527211889,0.573419491778,0.264421175456,0.53397860946,0.463934968794,0.560749276545,0.753669690944,0.736021755974,0.493656237579,0.898999463426,0.432963643825,0.160634568174,0.220709779765,0.236951873354,0.785812702472,0.358237970255,0.834788707368,0.955449691276,0.598188734629,0.31885475811,0.696572417815,0.877674912466,0.603881680452,0.788791771312,0.287144098885,0.421456290312,0.576147487318,0.783655769138,0.127149802986,0.537610977748,0.996598594232,0.505198322585,0.288400410825,0.940974256865,0.567730231691,0.196434506071,0.0538957306061,0.416405584034,0.83081663105,0.680552095844,0.369447553576,0.530694124845,0.380222432015,0.787068496762,0.387361813255,0.470708234698,0.900826093283,0.0376702895486,0.252124655154,0.151945064887,0.697011682882,0.385564537734,0.703313880886,0.391496031169,0.432688029865,0.448698869928,0.160855268754,0.208314610615,0.863382656783,0.211649898501,0.559150119142,0.36906351244,0.293761907647,0.271859178416,0.499689605286,0.485709303782,0.427246292331,0.439621293013,0.504780311878,0.654821419772,0.9620358928,0.264247950803,0.723984331203,0.702012927824,0.0211280763084,0.243537982882,0.99231280197,0.869472588654,0.0212137139919,0.662528875896,0.608011593028,0.885364756743,0.379583386349,0.683112912513,0.0434525372117,0.196448546277,0.240283905391,0.584389522161,0.24022925801,0.213676813079,0.0531508436971,0.865040464879,0.761365205427,0.531856105469,0.384393397153,0.0579493020701,0.321408567155,0.171964375754,0.125228865914,0.500086361768,0.0147510476363,0.956703235281,0.799116827313,0.528345267146,0.258088318151,0.260424278221,0.318619344031,0.55534843283,0.642842195709,0.465761484037,0.201256945857,0.740788460318,0.159078198709,0.936639148009,0.789273171933,0.340120231319,0.143398085088,0.717808947764,0.534932280119,0.998882898444,0.786169422084,0.28076628385,0.863337084082,0.783656736957,0.787830357867,0.181546356604,0.0733410725543,0.855372524052,0.311780826463,0.804805326739,0.750810371138,0.440137610938,0.970143006813,0.552589487192,0.897283940794,0.735425392932,0.882124751304,0.104961906109,0.0481681709259,0.806107222747,0.121835659811,0.346364634617,0.87660700522,0.467674930327,0.282045695827,0.981556397763,0.0218614165295,0.175527724274,0.691568568042,0.893686866173,0.950540296339,0.472591033534,0.463168993496,0.175964550922,0.254854016792,0.401237012288,0.158012073312,0.39258453996,0.486592126818,0.741771609377,0.797704251495,0.555382259764,0.514876735496,0.911512938743,0.959966121429,0.828635184364,0.745194891715,0.542895028541,0.226066915071,0.599720435094,0.283320556948,0.72855017725,0.625380543673,0.551312024204,0.425136806871,0.0154471072282,0.930811648136,0.146383537961,0.840134972507,0.70561454802,0.0693070363369,0.457015565738,0.997304167702,0.492405940785,0.628309128948,0.54759405149,0.234463660752,0.770205160186,0.703192583938,0.178812796905,0.394528660716,0.767251778159,0.399589047675,0.144601730641,0.281681242734,0.935050390577,0.539134350106,0.516884365568,0.533699618484,0.174366847571,0.0659998422823,0.770951037603,0.0905787901248,0.108074758586,0.499388698649,0.352036265686,0.959832459357,0.630861514787,0.163225973157,0.180841002595,0.44383853859,0.678278621409,0.000205668792771,0.4863562223,0.652194100986,0.470754630882,0.572660030638,0.0732672681651,0.147709619376,0.932309404624,0.386938754755,0.698589508602,0.116014908398,0.333404471534,0.446632055104,0.726145849662,0.281195078915,0.428546650651,0.46686424961,0.425512148054,0.803628511752,0.427155349461,0.435894562414,0.855895877439,0.100004646841,0.163756013845,0.16237249908,0.804131599627,0.163412926751,0.284238727691,0.692347036007,0.615611352701,0.653260104513,0.52306942751,0.819979603608,0.169381811587,0.745563556743,0.632638370793,0.113274288601,0.401084094464,0.0768209051981,0.408388364569,0.0149478096328 0.757070827074,0.573196184967,0.695287313133,0.0861605300499,0.269275900377,0.101094660192,0.367087172219,0.625618670387,0.467941688917,0.888956540825,0.323755547683,0.264333536136,0.2257177977,0.171634094522,0.730776740926,0.388686026414,0.134855684893,0.601538834997,0.40562094715,0.755152944223,0.667227805529,0.824978558976,0.104136889198,0.651606162609,0.528111363836,0.141634742555,0.294225416367,0.314266783217,0.601519818314,0.586781852256,0.383853226709,0.780394367114,0.164350263487,0.49475920658,0.793462668035,0.921791784126,0.0605017623395,0.449715352323,0.408493604288,0.765988894069,0.824942896716,0.783446501451,0.718191097181,0.642858437041,0.726904885156,0.951880113417,0.869114265111,0.15052708517,0.571262542574,0.391694562137,0.6460734721,0.701813816553,0.713414020264,0.974537085138,0.638699196706,0.814536429891,0.0406793577551,0.888304563701,0.336185116455,0.569175805974,0.936272047017,0.0981254794592,0.372005739924,0.622200471923,0.465029159749,0.377543573396,0.908574056374,0.582230342423,0.802980857997,0.0225517581926,0.0702062749811,0.851471928276,0.396726224153,0.220918633556,0.866895354761,0.223080113551,0.863128049565,0.118275219932,0.336332847992,0.563258601754,0.599062034884,0.373518383685,0.648261284718,0.891339840112,0.177765779245,0.62767934694,0.870986873217,0.862360001994,0.428801896168,0.825528546407,0.71346960743,0.743002030709,0.682979114659,0.82442357767,0.802773954987,0.115256091534,0.894011488507,0.120104358624,0.302574769606,0.109325806875,0.109348086391,0.872915981559,0.54574679098,0.242344996703,0.311119596307,0.926744325816,0.157802363339,0.556091350337,0.987871409002,0.175482834577,0.162625226215,0.788575620689,0.140914896105,0.279412427139,0.506673447102,0.439263202556,0.0208243968701,0.526837653493,0.172183053707,0.0830392651638,0.420885789429,0.785584105046,0.892204378185,0.361189484712,0.0941678519627,0.0875161501132,0.988807381601,0.913364441735,0.426306396244,0.254876165197,0.849715302842,0.50112041268,0.353951224987,0.0140400955762,0.45215672331,0.465992370976,0.476883939728,0.997719997159,0.517226831608,0.556863101484,0.820915995236,0.255953296001,0.418074403491,0.102439024216,0.344639492146,0.886166959067,0.512985097854,0.822599337609,0.108807133786,0.486517900126,0.12361963537,0.472460049883,0.753589981562,0.83547963492,0.530644955595,0.314832685665,0.106422335819,0.82031157151,0.0680172445325,0.0542080810786,0.285239150778,0.825575857136,0.871693946411,0.282682251732,0.699986956151,0.643466789658,0.723076394589,0.032497497549,0.736714990703,0.507723092188,0.932419756672,0.923517286232,0.461356964288,0.492569249689,0.289661763578,0.567568801635,0.117488345924,0.79679060475,0.100634319338,0.523114782968,0.903134444658,0.581551081585,0.334600869241,0.0721463656246,0.1692366314,0.831370821399,0.66096943488,0.836928530285,0.556803738158,0.361600747622,0.524425657794,0.368557900069,0.185000741255,0.240343835312,0.110006712773,0.0828114436566,0.806974454987,0.439488211614,0.530290727035,0.0981356588352,0.403281971889,0.675298312492,0.347304675966,0.297163092993,0.161586164787,0.469210926294,0.173430695074,0.250217635365,0.707878959265,0.645471964175,0.324745497771,0.962127248849,0.152919733397,0.455563815466,0.582671140675,0.0388035976069,0.309537968318,0.950904319114,0.015451518026,0.776677510363,0.827741551641,0.423379302684,0.825331736849,0.868811397754,0.0148995504071,0.0703525861174,0.839634756814,0.575665865535,0.415543190388,0.431943244099,0.967036463065,0.147013839182,0.689499605434,0.0415694147131,0.481340737058,0.283149993557,0.0154482983918,0.309741731106,0.00162101691627,0.567103672323,0.711861093056,0.313804642039,0.101825363158,0.567306980423,0.428368564629,0.586910086788,0.274740906976,0.0615195057971,0.826881495936,0.839909793967,0.326528797328,0.0081309040182,0.16297227405,0.772617698341,0.814747989187,0.702650757533,0.976281783818,0.957599190725,0.239425827926,0.324021060718,0.0899751144348,0.0279656691245,0.387741053032,0.825278952168,0.442260845989,0.900383285453,0.414010234194,0.88068110573,0.224253647744,0.222021023033,0.152928465107,0.125382090352,0.149314604168,0.0548934278348,0.889501716603,0.400020817302,0.748694854249,0.93079934944,0.968525645834,0.432768207972,0.760845013022,0.809035741998,0.415853199795,0.942643826269,0.142875279695,0.64063616048,0.947654497552,0.460320964277,0.629436878084,0.263655182892,0.844528116677,0.403808837714,0.751423368898,0.314466791479,0.812696336278,0.190166490504,0.640991685904,0.190980975331,0.385500842533,0.168392666623,0.52134456325,0.368705553809,0.324083665081,0.8081819696,0.524782289603,0.611633626895,0.718204361478,0.0172792539181,0.122984944984,0.752960421579,0.714121551704,0.105698028908,0.903774284329,0.352964576837,0.121313438397,0.812815276126,0.202044310683,0.717717559888,0.583088447733,0.998057036502,0.240071222723,0.730237437032,0.0512231321742,0.106719800144,0.832775233905,0.488197239058,0.190306208541,0.268503549044,0.354376103095,0.193252621315,0.82480182161,0.294150005056,0.413347706069,0.181461346226,0.948133686938,0.478456405821,0.272027012847,0.459259387644,0.582681737582,0.803210962425,0.0885932628038,0.143795059285,0.745753336073,0.505087145502,0.711724058302,0.941561466144,0.413927586826,0.805591056506,0.021814336223,0.0558412886739,0.895009660648,0.953908419324,0.220895970294,0.71680084447,0.267796731784,0.0272773426112,0.544103036338,0.618328528475,0.154702454593,0.696129907663,0.752491686421,0.325887132751,0.418603795566,0.107483657039,0.900583968555,0.334127426544,0.702230911454,0.738145722213,0.856977528462,0.799662453235,0.562866603267,0.582096829691,0.236507165829,0.886104784977,0.120040289286,0.945970961942,0.650216237333,0.729356570392,0.64040017544,0.565893746679,0.94514272211,0.405913684029,0.073918282591,0.448613378392,0.0891585186108,0.369923774192,0.809185492847,0.460455873117,0.98441414165,0.191328161505,0.189802277651,0.86509818418,0.151847748441,0.562374192829,0.484665156458,0.324144165609,0.544092669394,0.604392322939,0.970670646146,0.104173042747,0.119842558186,0.984020487109,0.81151634792,0.939252989892,0.650597867048,0.35338664815,0.331099011746,0.0869151465056,0.652363353464,0.0352828200485,0.393314340835,0.874928063914,0.00050365181089,0.0798095625718,0.0676972275264,0.0941585813802,0.262034413743,0.463935980358,0.485272929811,0.76552391987,0.174700680553,0.22199166553,0.477985236693,0.919126896735,0.573200294076,0.143816733476,0.623199157336,0.753132359824,0.0653612878804,0.861747322463,0.0365358558334,0.150907233091,0.987571228997,0.835830645797,0.317774201044,0.158163738707,0.17961632654,0.0839519038485,0.791892585531,0.526803773056,0.335040432235,0.647988774188,0.309471444279,0.920449299111,0.992494437219,0.519168281758,0.118983523813,0.796184511809,0.268532725783,0.180183485796,0.57365524848,0.500612063115,0.0634605728117,0.567448639858,0.264519642407,0.624392121222,0.0735059873038,0.312582528754,0.369652812891,0.471398142143,0.875460446253,0.271568055428,0.084021140632,0.864368165357,0.698856331444,0.464048280106,0.469511298077,0.551721829175,0.0641277736916,0.527019387862,0.951120626426,0.765740514069,0.168977987417,0.818117272295,0.482886704243,0.749818196296,0.535915669143,0.876340155323,0.196821120347,0.605006156721,0.960810478062,0.141828925276,0.256177402356,0.741988634076,0.254591392705,0.522863482279,0.894257562254,0.154213631313,0.993051673859,0.223701714028,0.547842147502,0.949155943272,0.468942609834,0.236143558809,0.508622614586,0.295403158446,0.471001652364,0.316011571811,0.852100921219,0.433122505835,0.51699200703,0.155943073893,0.117726883117,0.236376923148,0.328628482819,0.777037882205,0.550283925206,0.431014793566,0.270735543907,0.760406290352,0.284676228599,0.898732899024,0.878329357793,0.896103233437,0.637572593633,0.0154257178898,0.284226006884,0.548442744491,0.96072863248,0.0265933978294,0.594481159213,0.899703266211,0.0102175934153,0.917805473558,0.815953157848,0.57931190924,0.383203359105,0.374289227587,0.465479043533,0.964929833542,0.149690671687,0.0323359772648,0.132924256669,0.491519350558,0.594780911454,0.582074315868,0.300819070359,0.928324240758,0.796635709232,0.232565139804,0.451897507847,0.046775224416,0.920727458269,0.116703492457,0.925632126552,0.788032983367,0.518574733021,0.445145725582,0.656990067475,0.719265207388,0.991668847983,0.997065545771,0.36329232002,0.618035066828,0.875601234834,0.921692523426,0.82861352732,0.0546842527295,0.169286742564,0.825620882662,0.624138494886,0.612973987467,0.0567871783947,0.198549490907,0.941374957519,0.490940704829,0.990507037185,0.539315606349,0.140682183171,0.706079548751,0.12249138828,0.844316159799,0.963531466875,0.647482210223,0.637944616874,0.990950011282,0.271108978278,0.500976789975,0.789014791151,0.494927218471,0.447143217474,0.337176184605,0.31724358077,0.944890999144,0.518567812157,0.340923472176,0.448681519598,0.947982457274,0.692808449194,0.199236212227,0.498852268932,0.773747233289,0.368572214595,0.643716377761,0.614881138003,0.118514543546,0.576845558981,0.805619634582,0.897332553039,0.250509387532,0.0319368920657,0.761056700232,0.759693472846,0.455402408938,0.114044403012,0.893737206696,0.798247495819,0.131330065553,0.795055833395,0.126624123812,0.0810952750024,0.439363735109,0.687159718306,0.493314501392,0.684059787321,0.055095957413,0.916801585242,0.481716542828,0.208542353739,0.547195534623,0.415924123598,0.434750356169,0.524392746284,0.190294112999,0.690620970232,0.254829076723,0.685699823489,0.105126843163,0.65694472328,0.506901860408,0.316989481615,0.923008861731,0.289786965512,0.678667963555,0.304524927609,0.878802334143,0.417325201798,0.936314799621,0.507605944534,0.925319759501,0.857411338011,0.518564104796,0.0865233205423,0.198465988399,0.963410456272,0.612770148858,0.459123797281,0.839066116795,0.232428921167,0.852497506821,0.226314383765,0.907345755247,0.886098576148,0.594535807722,0.820887442558,0.400607643436,0.147261587261,0.478903540379,0.738945476792,0.848902074026,0.0720046142554,0.201243789056,0.417240300772,0.86802190734,0.96327332084,0.168019395226,0.49948760469,0.164786481769,0.144321006165,0.409528583716,0.683443487108,0.643791866442,0.757648382523,0.689699156343,0.724207031401,0.944967392422,0.828215421615,0.160038503033,0.0113544939889,0.470768031349,0.270294716672,0.213150788533,0.468005635223,0.460613154358,0.37571411129,0.168689291285,0.475679908499,0.338073841759,0.598800580315,0.19816516915,0.925804082242,0.303688578337,0.912876654772,0.481296313558,0.357194298636,0.998171501226,0.64139103779,0.937817001902,0.047982361098,0.607980876783,0.559107148162,0.202240744892,0.0236407466112,0.434061578495,0.479126061144,0.909807475168,0.303542577558,0.217853957213,0.18166776746,0.788147257451,0.447848825829,0.904250134248,0.314893898475,0.701587572561,0.693042028298,0.0963659674252,0.977099555622,0.443960359992,0.561194084987,0.0254625352905,0.736218830006,0.00569949598014,0.889302355067,0.17557590772,0.841823694232,0.64729380165,0.238266281816,0.151147530637,0.452399983535,0.838619843154,0.000307960210603,0.0991615659141,0.6831550291,0.684117048317,0.475580814789,0.660684925513,0.366149370167,0.737833285949,0.280915823854,0.25581706631,0.614588853846,0.00152389194349,0.734532438874,0.438485307334,0.487023200913,0.472110904541,0.145739081011,0.508628420247,0.528262227023,0.905025186498,0.349139229751,0.642444700662,0.538415962956,0.851724035511,0.848439531821,0.811785397124,0.0645346403952,0.170170080777,0.571308888607,0.604734815775,0.10358080343,0.434696756226,0.863528851452,0.78861555542,0.0667115741204,0.766440225666,0.934312023891,0.325394648625,0.813726466045,0.620398891191,0.564744044376,0.607351057913,0.189314450805,0.0438696019864,0.166321168069,0.350402569513,0.668651115662,0.941430141223,0.313215919209,0.149257174494,0.75412315084,0.405318594276,0.780489682095,0.0645980499027,0.689971962294,0.970193189169,0.959423825492,0.223956996304,0.889854803419,0.105780420191,0.672416232538,0.0432207630962,0.982619435787,0.833820487937,0.43616135753,0.201086259389,0.778632120693,0.223129580841,0.563878320326,0.681600477642,0.878971013624,0.747670092213,0.863892229837,0.91862765139,0.0256060598393,0.822876474777,0.662928164676,0.485652090363,0.107621368121,0.671845088904,0.217520628829,0.33796783987,0.332121301941,0.732002274783,0.836113415155,0.280850965252,0.11344888088,0.340351905166,0.374052977794,0.140699113531,0.980553975532,0.0987126433024,0.954781793694,0.886061614234,0.0460881008383,0.0124944602442,0.72689721334,0.998326814618,0.945042422878,0.105264413278,0.80735293701,0.179270755201,0.28005437761,0.0841366819459,0.561310566912,0.997862208985,0.488346169452,0.463582308772,0.578381673299,0.224815210523,0.787558273287,0.491631869997,0.154035324454,0.836443797207,0.531372078703,0.0979678014054,0.806890251275,0.1684243082,0.377375608255,0.947525927984,0.693280693613,0.549343961464,0.816535413837,0.0778360608185,0.181899066351,0.0708225539256,0.171862731487,0.777715618723,0.702498079119,0.663774172103,0.717403014719,0.98420612157,0.610928741397,0.735867967035,0.870871861032,0.302388385208,0.286815140241,0.0721595428374,0.89172627894,0.799775573005,0.680460010455,0.871070327614,0.934902674582,0.874497689037,0.83566652644,0.883540827766,0.0255274061981,0.956929702713,0.76338160644,0.665854254702,0.168127042352,0.202409405318,0.43141802262,0.17974517677,0.534091426269,0.377125467036,0.0941852293765,0.190859451287,0.00122578438171,0.186037685621,0.593878079968,0.651111405432,0.674219780859,0.675434410737,0.493132262568,0.140312029612,0.892275712781,0.715162372163,0.257732743059,0.342484945473,0.21539486447,0.62752427892,0.529721907208,0.417292932766,0.753639253305,0.172442839448,0.891222157379,0.89409124419,0.956681685542,0.292003613642,0.696753496177,0.843952222436,0.292550249614,0.313274985561,0.854139718381,0.739845155042,0.428376086048,0.187975524508,0.63260418902,0.539765988322,0.619191453456,0.933227213504,0.456568714269,0.835855423235,0.270944873629,0.342610056925,0.0987141839673,0.130311254449,0.0295078152002,0.335206560847,0.684491701098,0.537740055878,0.848158303511,0.437931889945,0.555971563542,0.915035705482,0.523424861219,0.69192219292,0.940853975458,0.32184851418,0.234825325904,0.880094960453,0.50650638236,0.237110425244,0.202438384759,0.298044890379,0.721480113427,0.549700745855,0.151043025039,0.674445715642,0.184389516942,0.00650773238386,0.546815557555,0.39275042621,0.203598050053,0.20819749537,0.430235712083,0.812724591926,0.983842017504,0.297930655323,0.532486234394,0.322380797803,0.377304864995,0.333147799727,0.10629197099,0.557660683369,0.536754654754,0.992799383754,0.636484581049,0.709180631987,0.966964709529,0.451434181925,0.93435293213,0.561547840177,0.294774869521,0.150999378142,0.833743693873,0.68661178294,0.789198513299,0.932924693724,0.83979240552,0.0648850113315,0.997585542649,0.657497378115,0.65866439252,0.95340615456,0.547571283386,0.611192159945,0.855041050141,0.476135368099,0.912092864589,0.344904619728,0.349181414691,0.64783956487,0.861286025758,0.656650898498,0.934640588016,0.334718469237,0.232554255155,0.395078564511 0.948449202868,0.387260661951,0.416372661927,0.607528492127,0.980911719747,0.694267829589,0.785531851672,0.337139457647,0.76193825518,0.976823558602,0.855027786395,0.283789827611,0.391523129144,0.237896850543,0.592026874799,0.574468183608,0.764286310995,0.879985222847,0.440509043657,0.251330231548,0.266835854336,0.581189621307,0.747047068789,0.370211677395,0.587868750957,0.134826830074,0.936417266943,0.394270852494,0.584212978255,0.297689561278,0.471237507369,0.699879688997,0.62115107925,0.960115108773,0.503669222215,0.438873735391,0.487720070323,0.606011461754,0.632607759844,0.384086442323,0.745397682944,0.923303653424,0.605886299167,0.798299316828,0.247283293166,0.814695603807,0.631200264595,0.574113259329,0.764767240684,0.320177079649,0.256508025372,0.118899271615,0.532528553786,0.529141381305,0.343563978468,0.480909694047,0.116054973391,0.648547507917,0.00711237639549,0.205690868421,0.901724774309,0.561399958382,0.369539845274,0.357407032346,0.202874072043,0.222928139859,0.401738261664,0.0958773445775,0.877271243388,0.36715963617,0.673865549919,0.0899123730444,0.533333796043,0.261246367557,0.604962606296,0.183586024649,0.920491683149,0.146643489808,0.233876695369,0.720006010928,0.917789755417,0.44065455916,0.2214749633,0.303610998328,0.0435695620062,0.719383289549,0.393473861866,0.593868401862,0.622411670108,0.590467896109,0.134553912341,0.556748448745,0.439576639656,0.751224266143,0.996415887952,0.356232890965,0.815896685396,0.553859511325,0.750579214902,0.61625355306,0.804662149487,0.066828711409,0.320862456184,0.94549149888,0.0854238788621,0.543945219743,0.494395280263,0.38286687712,0.0436765489697,0.652648414794,0.488360431985,0.531261252201,0.957665893711,0.377227715041,0.494439369595,0.678259151067,0.7052306797,0.796390919676,0.641052787041,0.333540692467,0.0570108668495,0.671073433486,0.914715937894,0.404020374628,0.937326367827,0.112944665044,0.099124776866,0.890923164722,0.080206584329,0.231056050871,0.0926089205683,0.664575304534,0.0191561573559,0.122793060855,0.917901592131,0.920862552853,0.403991887983,0.935680626421,0.689167664868,0.118217397116,0.890248228138,0.630794700987,0.0202862597637,0.102245122443,0.577995850516,0.847734113966,0.723675736706,0.725340976026,0.00223236874575,0.223491565338,0.845809659791,0.646926355874,0.368029002039,0.377582962808,0.238273439981,0.108785606215,0.618029940147,0.895300686965,0.862332414918,0.236034859565,0.993331447472,0.484918755073,0.651189464832,0.76534199644,0.131246735657,0.261971182638,0.79529371667,0.746684388263,0.36959033189,0.21359986719,0.753510423316,0.554530193912,0.125529898053,0.179321486719,0.471861671465,0.204624813799,0.273516656927,0.166532649776,0.183363212971,0.0193925979664,0.833538207019,0.168018099357,0.162643469507,0.0294754528944,0.15049405926,0.695449126137,0.810728361068,0.765205516941,0.959934846554,0.629448144928,0.819939357984,0.759474785052,0.547195679012,0.472031876903,0.000858902275439,0.505272815278,0.28418921233,0.177903393389,0.0820693752227,0.547945937234,0.311620193814,0.485424418728,0.786243651881,0.866883193751,0.252141762801,0.354971137978,0.676845391925,0.412475928193,0.172430467553,0.23936885817,0.450228990131,0.022300961279,0.133457188657,0.796203476784,0.614197507765,0.206185385604,0.310779401219,0.122947641405,0.382370580491,0.97135253846,0.332377406507,0.887443445096,0.137562855789,0.909033354674,0.924960505716,0.231597739115,0.677503275981,0.734058511375,0.421894976063,0.448034692292,0.969804565548,0.735635262886,0.0736327909799,0.922097744721,0.875940151874,0.00456787915217,0.455456183992,0.881026053369,0.490962198774,0.276619241486,0.590056612389,0.284346422915,0.683274293717,0.902558729166,0.371574861092,0.651373529111,0.991238350262,0.762642818051,0.977136484887,0.734836978697,0.148760401168,0.0404079236178,0.0571016423416,0.653262857734,0.406893658086,0.195983380506,0.30296768539,0.178581929779,0.73980700799,0.11323688938,0.460416250687,0.0592557878331,0.776960508803,0.915258299686,0.0458050649827,0.711796413159,0.556184632558,0.469667221235,0.838693764686,0.123859570852,0.393577239058,0.0448794468172,0.285832124582,0.819101353041,0.900128305529,0.821184610453,0.952310981717,0.788125077077,0.254321358232,0.73962807429,0.55200013506,0.538772160635,0.820987747655,0.257015456783,0.660557571675,0.29635731823,0.173229989216,0.904979520938,0.0832597925422,0.321401856491,0.62466854447,0.772765443681,0.661863418954,0.762669799407,0.239798511914,0.0309242399535,0.789689766314,0.900762094538,0.618466884217,0.880735500127,0.910242786201,0.868060026649,0.0129385885199,0.926338059662,0.743516746654,0.662963576898,0.800326995852,0.103512700767,0.725509645513,0.529470993151,0.0596922882484,0.979445297086,0.60135853192,0.0304791122083,0.624251653684,0.404339899347,0.570874134693,0.241812052849,0.302026267813,0.79661018168,0.113907384135,0.87550788961,0.565270810367,0.43433007447,0.86681019234,0.394106812737,0.818666123649,0.869312246612,0.879892054,0.798545151925,0.507283824743,0.34846686953,0.547846355607,0.480220611214,0.549313794537,0.962853328546,0.747431591419,0.295757428214,0.414880512707,0.413458004932,0.214580143668,0.347682356617,0.0914622713874,0.954837019147,0.514621323688,0.96870424027,0.556033538121,0.175566013754,0.755806338266,0.455164184183,0.655543752561,0.967790344151,0.517259650833,0.13687604824,0.875562313747,0.394983752443,0.401324289974,0.501090102096,0.214371799259,0.147892901083,0.27300611891,0.507979467394,0.137910567127,0.261604450714,0.874945224145,0.614900691507,0.7691051299,0.578295545887,0.321269459206,0.0810645738035,0.0958903088226,0.832253603902,0.815003715518,0.22423479971,0.379424770859,0.255262805725,0.426353282507,0.760017829103,0.655705604742,0.480310399016,0.979572695146,0.315508257869,0.562962307816,0.157040066133,0.869416056085,0.0662698982935,0.0324156058312,0.905866195796,0.539359521078,0.88524727681,0.553232506455,0.707925390714,0.632883426177,0.382341597387,0.77070974602,0.250176667358,0.606436123811,0.669331960638,0.959399498407,0.629731290356,0.563525728254,0.711668198529,0.0858947110698,0.399482018451,0.266290559997,0.671269044633,0.937398442651,0.436420127264,0.745282188664,0.102766088812,0.896291034839,0.317435507118,0.247574604033,0.312187006509,0.356038343735,0.329824041766,0.687210788323,0.918216068605,0.50454701301,0.710396026644,0.0418468009871,0.802734148249,0.856280374329,0.220859208188,0.248831561298,0.520160310615,0.311806260378,0.0932402135215,0.250481582199,0.148817406695,0.81307556143,0.373652803632,0.753307484123,0.618126535631,0.87948974783,0.814421021182,0.205498657521,0.835474263985,0.552697419656,0.901599586028,0.150974354253,0.822871348896,0.767878380851,0.51655913926,0.861679983241,0.582881896665,0.900029908205,0.298946924872,0.0902338001197,0.265607727226,0.355109224926,0.291142298551,0.410705731061,0.468373322128,0.821736837684,0.16740620312,0.361694183781,0.300339724094,0.598201116097,0.997961331188,0.4556506128,0.557230341571,0.938960030875,0.63401364011,0.366182484131,0.961703363303,0.216520266591,0.129196518027,0.212631633915,0.95857916423,0.722614858085,0.867049351706,0.366147156058,0.224156321601,0.70535448769,0.845245348475,0.399425170192,0.618928195446,0.879316137452,0.062147185932,0.788426324802,0.532768851481,0.471410436924,0.0116685404428,0.0606883758799,0.366960987409,0.802436362377,0.786791358027,0.517470217354,0.511086104526,0.685530654408,0.266976581985,0.678391583125,0.791065461487,0.715883192556,0.0429513439556,0.113961091555,0.99700054681,0.376441123243,0.627854604602,0.99392674026,0.547605637452,0.208799852103,0.884872508065,0.833658045142,0.935266746476,0.971295349858,0.528196962307,0.234886057318,0.111786394784,0.062671607127,0.652152729951,0.71543184327,0.767233423817,0.00451664258314,0.0962455329454,0.285817678865,0.0696299244292,0.137117312446,0.609234945002,0.155417188851,0.905947997258,0.506879965287,0.400241766424,0.534432164375,0.0885947987518,0.581234300328,0.607679801553,0.915315622832,0.154750482904,0.974926620391,0.449003664863,0.930278379585,0.922135980004,0.0253239221381,0.326287436426,0.695981380505,0.755928034641,0.121413547819,0.143746792761,0.00637427553174,0.334180573373,0.343045300323,0.815160794352,0.62093924659,0.420504649014,0.470470486475,0.0637921935972,0.625774445385,0.480268872978,0.183335374646,0.651624682924,0.839962535329,0.200232059388,0.825496146003,0.0567234747278,0.158249055274,0.438040062704,0.911501869936,0.672591475824,0.318993756691,0.829079484007,0.349257512097,0.837873626076,0.881392912131,0.611229788253,0.667609109939,0.111655212817,0.094325835701,0.680407711033,0.908391082351,0.484505525516,0.231050612298,0.748432331452,0.608902691737,0.129206565139,0.273508892821,0.980935698165,0.494542807373,0.935173482815,0.0121518176418,0.129146852743,0.848719034677,0.454795998227,0.409772391898,0.0676203756968,0.208161177571,0.536378706702,0.0960189310667,0.357482956397,0.39171846298,0.925775430283,0.373461802353,0.660151146624,0.257630766138,0.598363642624,0.185171529578,0.544994591565,0.634002654203,0.729782260616,0.169193107253,0.717896719606,0.198535307586,0.0693089589145,0.744233311134,0.966896655004,0.752356866223,0.961899203715,0.269058414286,0.830190481689,0.462468362882,0.843005974635,0.914780057377,0.792099112604,0.443740906493,0.743355901204,0.626090050142,0.770758355764,0.134470736081,0.492901424744,0.751167638579,0.826814822818,0.12025808207,0.698171568865,0.786334859085,0.0551721481868,0.737441447709,0.884706897037,0.0503347012357,0.718145680274,0.828189610503,0.0569280151672,0.90411820402,0.293769316275,0.597027116859,0.477800293276,0.229260806295,0.876914982445,0.423178865454,0.492187670776,0.794689144333,0.420715988567,0.533480510283,0.435698677213,0.806556743649,0.442864680026,0.0706669095954,0.510358854365,0.32999813719,0.134614588033,0.449810070784,0.232208283667,0.979937962926,0.453888171095,0.977049388038,0.533318260015,0.229361645731,0.105348468869,0.399500501845,0.613107592209,0.959097299885,0.464297119537,0.742591820157,0.0025874880706,0.804253038853,0.68637191891,0.942911666485,0.361938209651,0.972026901822,0.811510772167,0.0361381290208,0.649963115762,0.145814170755,0.231385481324,0.0815019440071,0.402663243379,0.0410634675194,0.158420621343,0.0546563426661,0.657273970434,0.881140088033,0.556791143251,0.64939228692,0.461191202625,0.939267539784,0.402669081734,0.763754835523,0.600236661781,0.209014147173,0.961016064159,0.971620713069,0.659292711401,0.387031753653,0.380197461007,0.65968518715,0.793293197969,0.599417518004,0.758364088313,0.057740136744,0.384148089709,0.0535470211001,0.809884765357,0.52687279327,0.490458293962,0.888174140604,0.723628401556,0.682800850249,0.250040866259,0.368908762709,0.942417573695,0.81027516625,0.54354292428,0.771113579162,0.110603862005,0.456338845349,0.445385292513,0.897850586767,0.238377399666,0.0237020578525,0.881769600766,0.40460234884,0.305660857885,0.776111958676,0.217632845612,0.810316034633,0.0406133938904,0.920786858505,0.1378263031,0.180880127692,0.686922723223,0.487809290251,0.536508477809,0.845048861924,0.201178493454,0.383611807062,0.384011589202,0.0596307524777,0.18213677485,0.0473494953953,0.627829473985,0.40542025035,0.33136470923,0.979103405572,0.98536138075,0.948271816351,0.161570037152,0.468159934919,0.239262711561,0.196867506299,0.0763216729349,0.904898135476,0.867183992229,0.893381029763,0.989696965656,0.903602625977,0.439623656444,0.0347732370901,0.560160368555,0.621398562397,0.66161170683,0.0372667461926,0.955315629797,0.702788949933,0.073156382337,0.733417641748,0.896050391741,0.0374434204553,0.0344887280441,0.0240978864435,0.12760404242,0.746666874681,0.00414133350613,0.413449306631,0.604916810702,0.255043092071,0.342216325005,0.982068198486,0.09991957449,0.442868005791,0.781540346037,0.465224914024,0.216177095536,0.318097162858,0.445487861647,0.226155096107,0.203526558404,0.66613682479,0.778716385136,0.665053717809,0.921109402962,0.746449627109,0.0693523694332,0.158332620204,0.216633177165,0.570513144376,0.493526721079,0.236149697443,0.818369643969,0.129914446043,0.163627187398,0.490925823096,0.987174787584,0.264016513821,0.302064865513,0.999574361528,0.422914298226,0.577929390313,0.398975989277,0.580971014353,0.106513564338,0.732354362908,0.281983691808,0.887547154561,0.682034176175,0.144573643976,0.536987735147,0.428661486919,0.107187682548,0.992105932696,0.991094784354,0.981676124911,0.908225670389,0.826123209367,0.406883150743,0.350045853662,0.381432124511,0.836618029926,0.985665569683,0.0289481335828,0.648085940181,0.892093824921,0.170272424307,0.811073324779,0.076753405701,0.647246109092,0.353715545447,0.264268657281,0.112595826473,0.959411904957,0.891999506777,0.0701825857398,0.0728919484025,0.18109217735,0.69013714844,0.568957317656,0.765511799039,0.644205511479,0.782826149523,0.970399306379,0.801527382351,0.968284734795,0.177696681519,0.640925403872,0.23959828662,0.603985564557,0.103142207224,0.150596477467,0.458395761137,0.832563580416,0.103886569629,0.952964104968,0.893465445238,0.332712697229,0.985345704832,0.040143761611,0.990876066637,0.297230434926,0.942482155825,0.599310936311,0.787328059894,0.0456324489307,0.318742058302,0.757030069074,0.814607225613,0.0113874819387,0.792503280299,0.334091349734,0.643999256094,0.962159626935,0.287587501765,0.0424300951406,0.271296726471,0.264624642439,0.557765504025,0.186033132436,0.350568576524,0.00912057231355,0.297724856812,0.64072964906,0.440946142516,0.0134547875216,0.345246437793,0.458154699505,0.00338060532214,0.510598066683,0.750081396721,0.655300187623,0.147635321884,0.756065212568,0.697992294071,0.593316743822,0.612505507069,0.0655233604708,0.931270385523,0.0788753039674,0.100058889415,0.0524218673059,0.633878837461,0.970341956321,0.580617993563,0.619590344414,0.846785747376,0.42841487494,0.0665831872919,0.254735344126,0.355007275842,0.957641428186,0.492398746198,0.460338089704,0.0209055925323,0.824423382689,0.501282623543,0.290062132932,0.0616714992501,0.763254237231,0.192256137487,0.291829243581,0.895766583911,0.950979287396,0.930502743547,0.993692876534,0.516155036429,0.254628825422,0.452992306153,0.605655244527,0.943924942381,0.90446208557,0.558786094663,0.445421961838,0.458202208792,0.209798134675,0.668079687627,0.539318799633,0.744363548764,0.287091017635,0.881122643719,0.0559124836032,0.00767683588897,0.79110179238,0.746862336902,0.0141339826443,0.852156240091,0.995254633276,0.681990642735,0.0826468345857,0.469826326163,0.112887640306,0.947170329996,0.0760315762182,0.371335188471,0.443880011266,0.252469931776,0.984977287728,0.970664241105,0.932320150041,0.403328599063,0.044369134966,0.952223368442,0.455194031259,0.274786776083,0.858735683007,0.383997790299,0.0992869776974,0.399001729609,0.278946613687,0.739194828167,0.281049070078,0.914265055126,0.0219275233748,0.676670733345,0.511415201408,0.554646628359,0.651642975539,0.090093522526,0.487009781755,0.390115498568,0.748468059945,0.656935671051,0.786503506199,0.473893092038,0.0740352589535,0.645365553674,0.981230668297,0.255922988464,0.490679593311,0.966380208569,0.117418331376,0.594988934741,0.504142309175,0.07254879552 0.52411621345,0.859584354066,0.247298641917,0.43937169408,0.626986735939,0.62957381052,0.529409444904,0.0387885500388,0.829071579843,0.667316433264,0.189192857656,0.525066200411,0.694347004685,0.581195213743,0.214631263055,0.843685481806,0.146542731553,0.216723675691,0.655640577508,0.00908704572942,0.909200874232,0.62022449822,0.951778820967,0.0521614257743,0.118941349783,0.481247597777,0.987395610765,0.82389400516,0.549414872763,0.236953377258,0.768006568246,0.010907114884,0.157152211181,0.472624869937,0.969796114797,0.0167306411042,0.804144664233,0.957245985282,0.525500602395,0.873783392931,0.0738349529015,0.891314210801,0.372641078392,0.486210249741,0.684876094304,0.338768624701,0.191691744501,0.295812262906,0.22293815104,0.532647551547,0.0702358914047,0.263067226066,0.163213442334,0.819605995448,0.0559154501242,0.432162721351,0.407549157761,0.275849730596,0.598533541752,0.493753595308,0.702479752307,0.752337676268,0.295290771759,0.0108402013801,0.644452997253,0.892170915883,0.540279557594,0.692177852905,0.434531432325,0.594481314284,0.917669392746,0.64596073754,0.610691936317,0.0751474652371,0.312757502888,0.422123093283,0.0654087618329,0.0748984522707,0.0764669902163,0.138000467059,0.521713001155,0.863148437534,0.678932227851,0.730520393631,0.651547979873,0.910061739493,0.47227792068,0.534209659622,0.624565521778,0.444288832329,0.363281697406,0.979273456711,0.601349947982,0.710701493159,0.805070794566,0.554058319165,0.985788596644,0.556962721968,0.389610751293,0.0241179972494,0.889206039144,0.468999669005,0.404630260764,0.866777585957,0.175443824317,0.38035527308,0.274978283415,0.134074652819,0.111697525397,0.86828034949,0.665720102206,0.123829859175,0.994550174393,0.822858085942,0.235253623832,0.403206622423,0.903464622462,0.888155043479,0.589243700094,0.98643684842,0.151667754503,0.0817526423706,0.995904020067,0.258398980265,0.455432580278,0.485891409225,0.63752903511,0.0753868506145,0.907688544717,0.293790198465,0.045939163003,0.940954413252,0.882180879508,0.182749267897,0.988459804311,0.634663744107,0.508406267194,0.392169627454,0.969622410537,0.512097354246,0.560525332773,0.552187444197,0.399816146431,0.014894646755,0.27331089438,0.0160795999024,0.540797334388,0.605889293003,0.0951816414952,0.162223464555,0.623057083821,0.35391273418,0.726366197126,0.488209824008,0.659119310847,0.447822098306,0.466480309332,0.0789533585821,0.732652544193,0.959935966071,0.0633912399893,0.0182198846045,0.330028554035,0.312738028446,0.248900105511,0.497710632422,0.643666294299,0.565392780867,0.366024257461,0.237950856782,0.920125163884,0.642019752293,0.709251659667,0.574205242358,0.279402591052,0.586709132121,0.195259305018,0.207389330905,0.924201921429,0.595055951671,0.554414562199,0.0269083425403,0.283251608514,0.00794946900892,0.377106500745,0.490451482157,0.888996071597,0.900587478963,0.298890625338,0.523665253412,0.105480363688,0.827877173906,0.904224990235,0.284978928367,0.876214616336,0.918232381201,0.920211010975,0.1722389852,0.885020357529,0.721566375017,0.457987411338,0.0153142427962,0.202924707109,0.206912930704,0.804148223951,0.9703575113,0.0340957326769,0.946674074708,0.351313740666,0.0508639500704,0.0576267257895,0.36831069106,0.418343769246,0.617511459352,0.0931314097907,0.33442877216,0.881433477849,0.981966908105,0.478271312682,0.164277199141,0.760030169874,0.879899987004,0.871421285735,0.227548860883,0.047397093794,0.611352621656,0.436887890631,0.730380317347,0.486856016747,0.811495076642,0.829000220343,0.0403613639992,0.366645523394,0.912217578463,0.733229698272,0.20494728849,0.451248701212,0.0417263945673,0.472708048217,0.769321222902,0.641064359221,0.595412118467,0.639137455659,0.35942129543,0.133558266879,0.192223306087,0.564208730317,0.233155976327,0.386367563249,0.756463742584,0.676401610118,0.652170767961,0.841236321539,0.828801373163,0.372929657983,0.868688498143,0.585819326688,0.965648735465,0.588749043036,0.211399233604,0.362356206254,0.821859621989,0.248595617521,0.443329507372,0.345267155733,0.740034407205,0.537811856448,0.363247807003,0.584172127404,0.207746381095,0.726139347397,0.272867136977,0.758354070206,0.0703361386885,0.129810418718,0.912736162132,0.131778205128,0.958561116351,0.173609879669,0.0723841551426,0.496581244254,0.286331286851,0.517921545872,0.356340226084,0.127436672395,0.721764257511,0.580592738119,0.405219755875,0.810841131853,0.324094159644,0.126164469862,0.895602473395,0.323440704502,0.186789820899,0.453918931506,0.019616563117,0.296011036901,0.435463103276,0.451942274464,0.815384015103,0.200938101611,0.524331636619,0.527870805531,0.342741266847,0.34365488247,0.708712940972,0.961709512699,0.826807660499,0.566370590138,0.785659954226,0.641106585151,0.555783717676,0.262909718034,0.127242838516,0.725729581727,0.16668633649,0.119940405228,0.415804149999,0.161835406804,0.298872631569,0.455352121197,0.532559444267,0.0124727993891,0.175671178956,0.977057537707,0.558176415479,0.86339660774,0.577645127676,0.471353688573,0.497428250654,0.0781227224761,0.134999615172,0.627872770784,0.5922688666,0.640017658044,0.0486085004091,0.400536056604,0.856071176094,0.324455700597,0.223859355748,0.266879896464,0.71237274673,0.883310606559,0.185953245507,0.609141124034,0.624537157911,0.862762706107,0.800554818442,0.195993445946,0.01818323424,0.429633949458,0.0470164138113,0.775614777278,0.5411276219,0.690914322019,0.398061236892,0.753052036882,0.449524134585,0.189296339777,0.620969307283,0.884367549855,0.0247194804252,0.524363219319,0.810112339678,0.809378368541,0.146697414156,0.0270300541173,0.940250530922,0.503324351365,0.468382246204,0.365160857869,0.810476174017,0.155599073323,0.391985224232,0.116898916581,0.48965495736,0.273066657351,0.704725013293,0.436440715147,0.983226156414,0.563749910086,0.478857712904,0.718910176419,0.35902278345,0.426940755287,0.309783472115,0.894686550776,0.496679682435,0.58848473098,0.955339193171,0.0430554339306,0.323569554114,0.802355145542,0.0150201634662,0.0836814188115,0.949717858485,0.0296227702172,0.319478491904,0.79363422572,0.0610316427452,0.857720965628,0.0547028946528,0.68226513056,0.904938327149,0.524014724522,0.0245806862621,0.617844740216,0.488850228654,0.474821114878,0.301830857406,0.730413675515,0.316895859904,0.467985997676,0.279502656199,0.359159570499,0.95175864653,0.484666360871,0.0925941389682,0.600612225143,0.230054189606,0.541239266834,0.69490938469,0.360719461708,0.388430069495,0.814794863165,0.526518243293,0.257473817179,0.343329974104,0.0499991666404,0.53697102014,0.388338135822,0.484336748637,0.39924691773,0.817452294643,0.202517340622,0.0476182564762,0.00602453500615,0.461236540552,0.630091280518,0.665694570324,0.146355392142,0.988409052189,0.733478367866,0.754121861156,0.680715958698,0.715501764932,0.747740683617,0.564850869732,0.759372404404,0.568685537611,0.684956233235,0.0350742554952,0.177679454715,0.0197389853266,0.839327358835,0.890206150464,0.656251875912,0.817260847718,0.567209213618,0.560850940303,0.769303227271,0.364221074371,0.803129938934,0.861692918527,0.893268904671,0.146654928143,0.287971561736,0.287193744043,0.515888643147,0.83398724936,0.568110703712,0.717522307897,0.694389038621,0.089038862634,0.331735683558,0.18537948206,0.879645968799,0.432074805896,0.988676130803,0.709154845456,0.367240768404,0.973688983426,0.745068795827,0.0857800592722,0.866532440243,0.236906875506,0.244508917164,0.335912903162,0.685202052038,0.280042442922,0.490408700926,0.333538226737,0.277373462017,0.373860108908,0.722495197798,0.847149567033,0.0110479690674,0.568321275697,0.637771241611,0.305648047738,0.919712389017,0.3122420463,0.238988588038,0.657274928198,0.830628286179,0.540105219148,0.0911593461224,0.548783978047,0.838156446792,0.33061947557,0.999684167154,0.445725063806,0.472541548457,0.0464867795388,0.240797804212,0.463492851782,0.120979237267,0.553344605221,0.0519913186392,0.410147041477,0.804304017523,0.674251658266,0.197918554984,0.925125962757,0.137349757935,0.789102161744,0.686909235613,0.567371007671,0.19995343037,0.827271897139,0.320351743389,0.399601157666,0.912521700835,0.744090097519,0.185146720579,0.938668106772,0.542580926002,0.976307876358,0.970488194875,0.740312568434,0.214566841972,0.230212504757,0.344865695572,0.0417581929599,0.0693377935716,0.578113834822,0.800400219816,0.210508146805,0.658867022388,0.671907426382,0.771513360892,0.102524068694,0.43365938536,0.466466367395,0.725613740381,0.885627395748,0.885972242237,0.304017409104,0.55214360951,0.583594604078,0.400104012256,0.41654431803,0.628797291627,0.0855533954547,0.401529964556,0.88127227197,0.308926552451,0.157930281658,0.0944782397339,0.955571448707,0.931859338873,0.208143460772,0.930051786701,0.705170175385,0.905712435807,0.284434127726,0.621060705185,0.0667484062509,0.483629150705,0.51140367774,0.37710375582,0.128518353772,0.940289295697,0.295837452936,0.631335295696,0.316048463234,0.963106876738,0.786322857497,0.430986360362,0.662554455773,0.928417423345,0.313513552551,0.410509042721,0.691754255336,0.272262544066,0.865790384266,0.164470825592,0.186058152863,0.213231401526,0.82526332608,0.262280319655,0.452791952235,0.886358042782,0.152397202494,0.0877556714401,0.998648545666,0.695592629493,0.059983681413,0.345080740146,0.779469230007,0.340572506,0.564726497753,0.382571571957,0.662494295876,0.549286691883,0.964236049536,0.961020116185,0.288460488801,0.52977779567,0.111173156456,0.890847500829,0.342376277829,0.185654677234,0.927293868499,0.0975939954301,0.78309217409,0.0611798858472,0.976678158036,0.944959098232,0.706824614804,0.103357531338,0.587925445842,0.275774473145,0.640803766691,0.212755763657,0.894252396381,0.72275461824,0.118862462953,0.684895469864,0.644331088561,0.608452467143,0.302836329908,0.167956624428,0.0819588320187,0.430885204512,0.983685162001,0.375813071547,0.851281429301,0.825119314263,0.562092003709,0.681773154451,0.209404331391,0.245257991245,0.532645846245,0.403828070334,0.553120608345,0.37268716435,0.673419786914,0.126627006787,0.320797614707,0.194689079015,0.0441153101845,0.524949835234,0.211555378546,0.290776284125,0.977897385841,0.0812394171021,0.469990863758,0.590240929616,0.135477267807,0.409530805401,0.129899451609,0.359356460816,0.151298135847,0.767057086331,0.478722340577,0.276213628918,0.975376969431,0.453519947478,0.344374633832,0.092449403333,0.748249040449,0.295976569098,0.832724102498,0.418677705516,0.214286267269,0.728834259041,0.155350388998,0.3496183192,0.202323141121,0.202497918019,0.778127314854,0.510271880008,0.356000149444,0.387782050294,0.312167814284,0.36796418648,0.781552741703,0.24233625265,0.126063890299,0.659101073671,0.516239897917,0.801456689146,0.284201126375,0.539540373727,0.737920233659,0.78328603399,0.282208121185,0.163435364467,0.315317459375,0.299527867843,0.780002361438,0.390679015478,0.119540733304,0.998859025166,0.566199511542,0.940003882859,0.639969292706,0.304599646298,0.586425377696,0.567557919182,0.550446959804,0.898970889584,0.372490464608,0.730950788434,0.794660414988,0.00799104078454,0.582456751359,0.750219045515,0.299536004889,0.398986228671,0.963113571052,0.942199331235,0.541476376614,0.891266722165,0.779377762122,0.815942973459,0.120514534061,0.662407150112,0.231463200065,0.891245411015,0.350778165284,0.96655825825,0.663732833191,0.0901219725685,0.961655489955,0.908639639276,0.018309125397,0.499118039032,0.332874590581,0.406575480975,0.770865535178,0.104172068494,0.258881564014,0.227787700002,0.311432330972,0.806242911462,0.0662938910488,0.101685523,0.908449965465,0.590781387363,0.978976516819,0.948748993546,0.719968969273,0.626840377339,0.940844984523,0.72429669346,0.369387118703,0.680392529049,0.296110630248,0.0845728393142,0.127166599292,0.198889180029,0.475334505651,0.364738618268,0.183077654625,0.996516412645,0.92345420459,0.894805304807,0.319944044229,0.975852808139,0.407606445237,0.924739501427,0.327342185296,0.997905041056,0.711073572376,0.372389367331,0.269986373477,0.470146225174,0.982381812176,0.876099362517,0.386772608241,0.817413436619,0.979636101902,0.480842769792,0.763811367945,0.838577900465,0.494717437155,0.265331788677,0.686683374951,0.20209831756,0.555619200473,0.181488754882,0.636907201204,0.0160401834773,0.196743824299,0.470685287655,0.150869347897,0.983904583111,0.528500716602,0.0241759040469,0.229142032957,0.409632367012,0.992554395916,0.723645493857,0.150873110139,0.918761014411,0.460042240879,0.158377903079,0.579976112037,0.832728867714,0.434445817104,0.775906933747,0.198676997548,0.289782645988,0.519631346019,0.526855098282,0.0830107523896,0.153620493835,0.149001304539,0.0896569986745,0.381123177429,0.637579790879,0.858011530517,0.778470078712,0.503246041543,0.439463484684,0.785421552457,0.605623915393,0.373379230232,0.743700260872,0.700618294761,0.709714907581,0.637915703463,0.264026820615,0.270941475805,0.847234246224,0.346580049096,0.218425763834,0.814641809658,0.435944790791,0.382192226444,0.561332398792,0.806352346664,0.189371891518,0.973110964437,0.796676295979,0.814932554203,0.82068765964,0.940944908296,0.595482406882,0.523663882863,0.748873474245,0.739250439572,0.26460158914,0.110542899296,0.31929869617,0.563623819914,0.182977051537,0.0645599588382,0.618948620639,0.825705251362,0.282619653501,0.424211951316,0.607687461391,0.506279943225,0.553719783953,0.39584496228,0.482629222882,0.606996495419,0.164554065404,0.333710287516,0.553864630303,0.128684511608,0.883170113848,0.0523200636196,0.674582011104,0.323196019177,0.644758897029,0.323279355708,0.71459501936,0.923617166465,0.541123423077,0.0676430653933,0.392184818558,0.0785366584607,0.964083988383,0.174507870858,0.966776420688,0.585730823588,0.828831940798,0.357332138593,0.122198547801,0.872924009517,0.769531803281,0.121166772707,0.0343928978474,0.708333838607,0.705205332995,0.740239273743,0.967208509011,0.995346891747,0.513652662805,0.591726689961,0.650744548235,0.187889804673,0.0677558480288,0.606380782485,0.912130560923,0.710075356401,0.45374980145,0.307768483135,0.819332710806,0.777136172384,0.548643505995,0.395798624873,0.434445828709,0.710588852867,0.833440707246,0.376545749993,0.616881347262,0.402009741042,0.633655804916,0.230917175685,0.144098461232,0.446909046253,0.0934191955067,0.485237773976,0.676442683307,0.697470822581,0.903248941065,0.019951243517,0.367721397198,0.841196699511,0.0485805872559,0.169733330824,0.16189110784,0.301468395141,0.11869909136,0.645116083631,0.585121413496,0.712752188444,0.463934452863,0.762698825866,0.609812572697,0.796104457343,0.890994258185,0.653317356558,0.564535883863,0.0884430221255,0.243604190925,0.859725732209,0.490857118052,0.650943220143,0.0601431739176,0.492374856936,0.340874165064,0.10197261002,0.40316724772,0.184168118504,0.123586195556,0.76026143737,0.485612117052,0.623223457006,0.0176614763385,0.128274078264,0.883166246875,0.779291103437,0.270192731927,0.630835061121,0.201429123467,0.430815180234,0.503915624806,0.537069176803,0.223686079594,0.237955488593,0.400121766939,0.405132482568,0.781158732894,0.989588055356,0.549087338958,0.255356620471,0.613754980321,0.59582310437,0.38786567957,0.164479040023,0.242487870914,0.103463147016,0.695798036262,0.392217008073 0.301369173677,0.472710995609,0.244154846864,0.45279321403,0.470279851728,0.30010516178,0.519541365992,0.882796189017,0.388932495965,0.462796822209,0.607807633485,0.374816664815,0.106615011011,0.230394500206,0.148798658987,0.730064862634,0.570315084695,0.22370509324,0.475236627165,0.811171357923,0.27665575546,0.553523599584,0.885319212226,0.93422089613,0.00367791218226,0.000833315060579,0.445975441885,0.633260737665,0.49214045824,0.899151026988,0.087126511369,0.52209728367,0.44852714617,0.567428259956,0.887327390097,0.361537594865,0.508857326199,0.951814267092,0.880936927813,0.271710264197,0.481986587222,0.968582279165,0.752425196104,0.656929920631,0.0567309376117,0.612191906568,0.0954034202055,0.6461418233,0.85546721447,0.870479008439,0.420775999084,0.00256307230518,0.955220997562,0.2607419229,0.264442847243,0.310369018356,0.0551147579417,0.00838110563626,0.491199791696,0.230418555302,0.0365171714442,0.310864758979,0.534925159912,0.719390661046,0.993843947888,0.897953361208,0.986868307999,0.103152318915,0.0417720493801,0.119488946367,0.508395063992,0.889834952583,0.53902621935,0.103945002612,0.892002590944,0.128968166096,0.211547268313,0.339269372062,0.431586058728,0.969619236108,0.577137876203,0.178774864655,0.547422516285,0.574855467059,0.585148990524,0.14913670378,0.400659971854,0.417461450929,0.181151581787,0.139194781292,0.0356291356022,0.166193089883,0.596810954213,0.88149572695,0.305755996777,0.672037466228,0.465320849308,0.748510047021,0.705767296226,0.306097249365,0.476422288473,0.226591456356,0.297981537671,0.380138806701,0.677948197336,0.493439321125,0.419371419224,0.386239476385,0.635863249321,0.618856383547,0.664811476322,0.563351225974,0.88618514892,0.911605213155,0.751303954435,0.924394964537,0.035814564916,0.98571864634,0.67313064492,0.0161857262924,0.0792673347011,0.00632251891133,0.1839112468,0.643349761719,0.666460907704,0.0355395031321,0.0275810877066,0.929466467976,0.762269449485,0.0854425595098,0.286571640592,0.358907490036,0.160143837396,0.661249580209,0.977170303321,0.67884429068,0.753741182036,0.131322773624,0.941050762539,0.135148154861,0.477760771717,0.0434981696022,0.309602910009,0.883137411755,0.315501857868,0.835185458784,0.474632364434,0.17178668547,0.964812917148,0.0643905181011,0.433745366414,0.899499619399,0.447328313174,0.370863274085,0.000486227604427,0.799192555592,0.466108658084,0.933461596558,0.938157490037,0.428680697046,0.897459576667,0.70691727855,0.929344397708,0.162208392643,0.378706270127,0.0991713971929,0.000565363036195,0.889789447408,0.855803429542,0.862289941812,0.569013401179,0.637053402687,0.510529940007,0.953223566857,0.599456006539,0.248315778891,0.926315350467,0.273597517285,0.409846159374,0.25954863297,0.403979414576,0.230296365307,0.974592702176,0.631572081035,0.230259645704,0.548344767733,0.377752360226,0.0682414106607,0.392016171638,0.598888898169,0.510242356309,0.546612269239,0.213575208709,0.289471509173,0.264101898573,0.160186389808,0.160641703449,0.619480491141,0.86899771658,0.0977889240428,0.883431264402,0.0308265065114,0.924259015714,0.322045200634,0.565452480621,0.883951254719,0.256311143636,0.305057524729,0.52405833518,0.898926462156,0.372062710164,0.277381804373,0.507789874712,0.266544756314,0.963765497114,0.106280764062,0.301678590633,0.514198087844,0.477787670546,0.105272297396,0.111592224208,0.35752395579,0.64952574241,0.278987281564,0.68835721781,0.60681450705,0.397132595527,0.0749689067716,0.756545487881,0.526452718399,0.997755731273,0.795350653286,0.169372086848,0.323854013843,0.797914073377,0.242280052611,0.182367312221,0.843081655338,0.467474694103,0.533213556503,0.867936881272,0.927297452065,0.263574095872,0.98618381859,0.733319747254,0.324802505343,0.515813273769,0.250431158411,0.418871140904,0.479954147322,0.109422431955,0.431254735965,0.267896645446,0.0576178727895,0.577670638064,0.267583139416,0.00920587424671,0.449889873132,0.591876492847,0.221829112789,0.333348003387,0.822473931404,0.147917846385,0.446083153045,0.782168854767,0.651667573908,0.900840953323,0.294931765753,0.427298563941,0.235755962194,0.742023515649,0.918564875917,0.433082726422,0.1186516354,0.515969301521,0.293385651642,0.202393683243,0.422667194358,0.484199373401,0.12025252475,0.579883537261,0.906062202131,0.173355977091,0.449057969211,0.560100817942,0.264011769863,0.854626547223,0.566673702795,0.820847132499,0.018626874455,0.659069646527,0.178788022095,0.531622829682,0.124645115013,0.770306700022,0.652302196877,0.958944165879,0.333258901339,0.109642597819,0.255178052984,0.807785756245,0.499636498356,0.2685663423,0.988768693487,0.0516183867383,0.66370567747,0.969433025624,0.411907882265,0.448527764732,0.22070765033,0.672803551347,0.462202522042,0.16091538302,0.288264941434,0.246271277334,0.0145034825867,0.189146096445,0.565608236497,0.450289397787,0.764507456716,0.864130914659,0.7864349339,0.998315336104,0.503203814681,0.437573892154,0.222386561638,0.777166434976,0.513229437312,0.828365793278,0.857949001345,0.753569088191,0.453780850763,0.295921614982,0.25505950064,0.562858569613,0.734798264435,0.449188700467,0.777882624048,0.305805423929,0.176118817933,0.466030922451,0.740150842658,0.492902459319,0.135001423383,0.872257644333,0.400723015839,0.736079151651,0.562804747747,0.957009044296,0.242201862943,0.22540813468,0.693076960654,0.827441473029,0.434280198709,0.412158907649,0.175204642479,0.330461666714,0.0874328310958,0.126954459187,0.478199159543,0.495286645387,0.900342552831,0.723025230842,0.172940313833,0.0909763217459,0.828170317201,0.923758128011,0.0629843238648,0.930120209531,0.403473978085,0.793732669997,0.56953527362,0.100730160778,0.180614212687,0.128342990167,0.250905197902,0.461615240459,0.653770542704,0.712154770683,0.710920958552,0.154059729487,0.890029225423,0.52467889782,0.0676012969906,0.55002213446,0.0527152657013,0.896498705194,0.451884777918,0.127985085388,0.151119857413,0.606048726143,0.744198487393,0.275143163877,0.279961681932,0.936444245118,0.477694810471,0.907672282942,0.0575995304991,0.777635684398,0.317168240872,0.140842931958,0.446452726141,0.241372679362,0.576626915068,0.160684975516,0.425047064055,0.904922937093,0.787236441809,0.67981971947,0.175258815475,0.408881492998,0.196078439081,0.244571467381,0.0862621613113,0.430630515158,0.308198954069,0.907494562905,0.452042793462,0.679272966419,0.453969764735,0.395603380987,0.160092615992,0.019187761891,0.251262798005,0.844188528329,0.133781795228,0.131560836865,0.453465902574,0.669980709081,0.769906703697,0.612306843749,0.858365094496,0.390128637255,0.764931150167,0.200869869719,0.190602275116,0.909928636231,0.593549989592,0.00790182358761,0.376186985022,0.0818996672751,0.98794776432,0.768610104079,0.0832357000887,0.157076665002,0.813861214421,0.933905303677,0.477331597816,0.292219991641,0.633347705882,0.716265481161,0.946846675041,0.827893823278,0.254697012357,0.193568161894,0.800359285772,0.20129364667,0.476406664496,0.668905766864,0.501822951066,0.344930297722,0.157730677537,0.310305541737,0.660796738033,0.871022918839,0.319808921124,0.300819134465,0.808967207291,0.324151499146,0.725963184391,0.43037858126,0.583927742821,0.851456211162,0.875215188032,0.207345502238,0.0126807493783,0.712605363399,0.770226648413,0.87884301383,0.944224671879,0.862063799133,0.699671412885,0.0412055193357,0.0142338352823,0.538142661263,0.547928517617,0.86948487826,0.646937386336,0.400324939902,0.0464186029424,0.63778589643,0.903660735966,0.955135985071,0.881086890532,0.598399778049,0.948480752957,0.991372051287,0.719936516237,0.0875247069892,0.539551508207,0.626117814761,0.437889520419,0.914226962516,0.573742690981,0.849126779518,0.681817419069,0.105765685075,0.283131841897,0.289450050425,0.81594987519,0.436052464115,0.696478173487,0.530905929134,0.790558029498,0.34183815397,0.363660564653,0.549525480513,0.179768232071,0.989409424112,0.788714590905,0.595882422043,0.968899773037,0.432164647702,0.363332901445,0.692812558128,0.0949847705064,0.956172577001,0.76789272457,0.0498306692492,0.686896677237,0.972543226096,0.667191361544,0.99850543329,0.27152809294,0.98058280839,0.178691958363,0.689366830622,0.909041665205,0.419881220572,0.568750569816,0.877119966036,0.503667261457,0.834857560776,0.988411313727,0.56980295739,0.83125145821,0.41530426551,0.374820432934,0.404439645472,0.0146323260036,0.294595925576,0.324751498389,0.649736693095,0.376760325889,0.71387435776,0.430404298829,0.0205125328591,0.802922133532,0.000479013408766,0.943195201597,0.46576724466,0.744350128858,0.589832043442,0.0679506035766,0.46882725132,0.498516103555,0.120165187223,0.770433820651,0.440910367457,0.410212967685,0.644457511671,0.973187610711,0.843298406517,0.69812993786,0.359471203292,0.516733006859,0.432876320082,0.0697243491794,0.833808569972,0.543674428545,0.819817092633,0.684858948311,0.564980294882,0.0457698202529,0.886834568507,0.466762602099,0.0992219429522,0.715241373028,0.433463623229,0.440731463654,0.0916496508933,0.192979266526,0.44989515839,0.330068208932,0.149815229553,0.371446406052,0.155974586628,0.415082818085,0.97351773721,0.717208158926,0.815282890423,0.725122670933,0.711361160912,0.236692024949,0.78993527551,0.959451652009,0.88465377809,0.794362456277,0.340491237775,0.71177268471,0.277068964997,0.0857483381733,0.929378206089,0.282215858355,0.408565172478,0.0892317328417,0.720188685562,0.740100956234,0.519382245023,0.274952888836,0.962739636948,0.415252779053,0.69159551226,0.259879666194,0.103065271958,0.655473225552,0.734257324322,0.272335628932,0.570059125948,0.3944885823,0.857799082038,0.295764748885,0.450223231393,0.403978715338,0.909730930725,0.485360715267,0.565330492861,0.500182258024,0.624487232369,0.0289261240927,0.961645117313,0.616865772698,0.429771998861,0.896167293524,0.170424979903,0.707124074193,0.170311194828,0.435470793242,0.843407545543,0.828896249923,0.239547837437,0.796570317961,0.748376823319,0.373997333678,0.238491524989,0.404790011521,0.386052262211,0.785465582346,0.987570892482,0.533265737587,0.370932814151,0.791520768606,0.212588210973,0.779106457812,0.589938986495,0.828319957933,0.954502793308,0.356014830341,0.435220854779,0.428219985977,0.614933013521,0.776935033618,0.319136944193,0.655568607748,0.079198298498,0.0249326234825,0.629892973332,0.853540287282,0.466390633716,0.563411997386,0.667094670998,0.363283175725,0.638412237101,0.607807493746,0.619435583251,0.0783490543846,0.673180806854,0.794266369893,0.674273764912,0.974293664088,0.0268099340477,0.242456338521,0.5848460381,0.724706416573,0.0720227034496,0.668618939642,0.526015351204,0.320431671153,0.542848162587,0.614981001452,0.934479419567,0.818027479778,0.742955044623,0.398069519122,0.938833045609,0.618849688701,0.96623653188,0.74265127264,0.769627945445,0.497823191826,0.836891893869,0.541302082366,0.956673026246,0.426114201744,0.303698897258,0.536173294824,0.593285726893,0.642764266543,0.542800605352,0.0706658051128,0.57507178111,0.578517482536,0.580656604829,0.546324887001,0.0364534623128,0.856850028843,0.0201660659137,0.381328051447,0.261472260393,0.93822725399,0.141503759408,0.897151492923,0.592683023711,0.471419166755,0.706581419044,0.596273269255,0.843512224238,0.49033307123,0.808226754925,0.325349485135,0.100024168345,0.0154759821255,0.553647668083,0.819798184911,0.901313528157,0.938587507548,0.0404575359906,0.357284455105,0.477602241749,0.00375184972953,0.269573725558,0.776782174068,0.761896517771,0.155990047863,0.50819952497,0.853801882407,0.202612274912,0.436173196296,0.0486528011602,0.472544715443,0.536170440045,0.910054220224,0.634632099299,0.862158350092,0.300558329215,0.357305236134,0.0385368298952,0.818585584107,0.26737240975,0.0928677779766,0.750985894046,0.53355219837,0.15751977452,0.856452733508,0.178815375727,0.109094457039,0.2993327567,0.0023362733159,0.0777333198145,0.35776817184,0.791404424177,0.476315945134,0.979386817855,0.733990565072,0.77592696402,0.520645118736,0.871436246056,0.676205406304,0.339176648514,0.388154944392,0.131187003066,0.138015653329,0.098468856026,0.837824360338,0.630033214935,0.254757782804,0.650140518351,0.455966120758,0.863109567252,0.416531710231,0.800303380091,0.300707968543,0.827312426057,0.374576376221,0.374368546281,0.317099503469,0.713101239516,0.0403019039419,0.366570504047,0.823011103777,0.0932818264447,0.100263953795,0.166045593137,0.611369296522,0.563742078113,0.0600899158035,0.22314789675,0.0854009926417,0.466613506741,0.031088321664,0.974681101033,0.547455951918,0.582059506837,0.052806964375,0.235867190996,0.418026330009,0.951077390509,0.32740932237,0.873799378394,0.19412254313,0.786963859432,0.12860858367,0.392249026571,0.124621463696,0.779942290004,0.655803117325,0.364396281106,0.678334960922,0.67788129998,0.164603290901,0.687327220749,0.851197810069,0.346899715277,0.444403763921,0.665923537019,0.766787538964,0.542874446938,0.267699672996,0.942797973355,0.76153125804,0.294719685849,0.257176751688,0.379503178758,0.70978522553,0.0839476222917,0.532316077682,0.299494141359,0.136921048992,0.166121958998,0.900768300487,0.642583337884,0.142674317864,0.684098594485,0.706966350485,0.47965694103,0.392133827527,0.0207829771246,0.335350440441,0.116338616589,0.906892994372,0.318589474777,0.383846253029,0.974236566852,0.233868546295,0.0505247640388,0.211464514138,0.486563982462,0.10055675358,0.271918598491,0.293783354335,0.509674472243,0.300362046778,0.0756446076011,0.486423506255,0.277535912573,0.0902132855144,0.520044812628,0.0886073956944,0.663828051693,0.246781825801,0.230190379194,0.916083165581,0.600714606148,0.153536383076,0.257977223933,0.346138263024,0.592888242417,0.997181483911,0.876025860713,0.361316568747,0.282014077897,0.0361448721652,0.0259835833219,0.939165887879,0.727339292938,0.538151053332,0.913475973056,0.532810461967,0.287676134194,0.940144230153,0.400098605313,0.381098952055,0.388195516181,0.140446091073,0.10959232408,0.724454973136,0.45445338985,0.922001224734,0.346909044675,0.635401992963,0.381259796406,0.432170046279,0.89241980152,0.43258729185,0.846892985734,0.244423111396,0.116953630551,0.361245973857,0.564724721106,0.231602020929,0.775717297497,0.603861611273,0.990034425838,0.69541858459,0.262678715873,0.489457318152,0.182002918923,0.816501527853,0.248971937095,0.908408765252,0.844567815742,0.0611151166055,0.75288960784,0.574351715871,0.234187897716,0.0852337104395,0.322160170525,0.64855353632,0.679453814737,0.713042674974,0.73376797474,0.628006795298,0.969099201383,0.841458712743,0.409009280521,0.224504579933,0.219199799739,0.371116927462,0.01301491889,0.494903139302,0.903753222291,0.0622810802556,0.542919797274,0.999463557676,0.688967701241,0.963100634505,0.900321139083,0.906589662973,0.449876553852,0.510604449813,0.331326653128,0.168806670124,0.103524910208,0.50758438668,0.386480778002,0.488298480435,0.254547456342,0.726660122244,0.984793001411,0.367039625508,0.801692791078,0.227511679283,0.428359705693,0.84936557702,0.628444733216,0.60762273672,0.944586772282,0.948718245752,0.98964161589,0.108768703191,0.835984995035,0.690299993329,0.0529114135779,0.460479969506,0.0481974131753,0.239483938742,0.703601747671,0.788300403762,0.411495568051,0.252818264878 0.396205244949,0.582982081247,0.204896837222,0.962539463313,0.61121248521,0.110159254895,0.078826088074,0.309671258981,0.120481529623,0.107893189304,0.364581643455,0.75238849253,0.253140810285,0.525346292488,0.964603999029,0.161305343718,0.557989161686,0.540688302034,0.768350717255,0.0353883949085,0.629286864501,0.20691636201,0.471370228873,0.628614493201,0.387651836788,0.2115386455,0.910713650819,0.768516491593,0.735599516695,0.507483764048,0.91592534459,0.411821421019,0.424339952699,0.58080131556,0.92591499197,0.858467454609,0.654100662758,0.708846915851,0.505864399366,0.993858678502,0.667173371545,0.168889319477,0.433232025078,0.52151554074,0.188664133254,0.761169595961,0.350675932651,0.751969491396,0.0649137500726,0.0756990924171,0.435411037478,0.201267190958,0.0832453074527,0.941823954326,0.308890141186,0.873548899783,0.368489881842,0.519771546912,0.941914574995,0.981078254093,0.0843231221534,0.23080788139,0.318346595111,0.111227770942,0.583326182181,0.944596648312,0.758592787974,0.617769613828,0.240656812898,0.705100310508,0.765021418285,0.911667095229,0.576918603859,0.875566814349,0.832148253335,0.115643447803,0.436472184698,0.652976003538,0.846062739291,0.0708252451587,0.67880500051,0.241859984774,0.142042371183,0.502244577161,0.866198440266,0.244592453817,0.961574493115,0.826224753743,0.963685500425,0.341646700234,0.689226104523,0.497902779349,0.529979086993,0.82125960522,0.911951860983,0.643621074556,0.0979463109161,0.00983305754195,0.143683753313,0.201583669256,0.19204189159,0.725482316357,0.538233795292,0.717304763962,0.504215190324,0.94783493433,0.560356019642,0.664246809428,0.394524718798,0.993418177839,0.744295638948,0.233201832606,0.11798552949,0.201074000047,0.358043048896,0.748076936373,0.498972278709,0.706876880708,0.137444763479,0.917030110036,0.972904477273,0.219041538117,0.227897903074,0.888740854326,0.241879933482,0.12024800175,0.581799268536,0.715603186955,0.938741204679,0.570751631158,0.826385706314,0.833754230401,0.928605658742,0.32553717674,0.0206226317884,0.140135677439,0.215506924519,0.626621269074,0.696257091757,0.596726912,0.0568782051187,0.228127638527,0.0117826753275,0.131493001012,0.234600141109,0.857252177888,0.727472073913,0.705879060884,0.814946058667,0.814602434543,0.785816943709,0.0584500364478,0.854548319284,0.740085894052,0.729715003885,0.749216557585,0.547728417839,0.118154143497,0.77633152799,0.282486145738,0.415574140049,0.578531319292,0.364726495264,0.143061313323,0.0345678159504,0.0595598884297,0.0606819415177,0.793821781313,0.703940020596,0.936928698908,0.396319167042,0.769299992711,0.576977290066,0.783326147404,0.606598149448,0.311630813911,0.710372720612,0.761261346496,0.854955006042,0.0738090143553,0.0474340786324,0.308296662564,0.110327149256,0.811339736275,0.552177548056,0.260064685021,0.155495285613,0.119331247568,0.27933707872,0.534879751675,0.122508260677,0.502200767226,0.949151197736,0.856860470296,0.57015164363,0.623852586479,0.239116866194,0.959541823234,0.0164644466226,0.521423395089,0.065155811443,0.927508938365,0.577384137908,0.224519291238,0.457482855138,0.816612870447,0.110187894892,0.538878488931,0.790991263223,0.768691800079,0.0730214025468,0.689572180445,0.0608283958533,0.342482807014,0.954045242029,0.859154652901,0.62227464349,0.47914806448,0.750576940131,0.107193863989,0.774493578495,0.521013410724,0.742670970901,0.995686878618,0.0537694233737,0.51987633036,0.186807920548,0.137333644152,0.489116277683,0.227552270754,0.268340346309,0.297671152752,0.771310580425,0.724200951465,0.166448943536,0.285927173177,0.095598006827,0.182096006681,0.581455314111,0.392835969212,0.174200106202,0.178705936148,0.60738141708,0.59563891155,0.287975894996,0.483930225677,0.52826015155,0.289974228507,0.736244217792,0.00814268143741,0.445745557308,0.612989028619,0.515672333503,0.466749282325,0.945450124561,0.481739282394,0.863333308553,0.144531273321,0.736912484503,0.0856381152162,0.0642738628578,0.570158886364,0.973729147088,0.739108075687,0.40064532177,0.606913491632,0.131899584526,0.282370343984,0.337508202445,0.762601060379,0.990623118588,0.54881857263,0.0295769016505,0.165500779698,0.623123957413,0.275854086327,0.688690518772,0.676387329832,0.788575663305,0.552091314242,0.47534740939,0.861663934936,0.418351972971,0.51634271804,0.125899286003,0.391540004277,0.438370897252,0.327283340456,0.453146973309,0.637435144925,0.577988309977,0.709588069014,0.221823201915,0.666862573171,0.117949673306,0.827932359024,0.271075809973,0.00810227922987,0.307020363817,0.661538794015,0.811515839157,0.242540119376,0.157076159553,0.501346834521,0.693074704344,0.723375206571,0.988993662849,0.468670670987,0.876986462112,0.222144405359,0.0299119974178,0.302140307707,0.949073053554,0.43681459909,0.509687362923,0.571350738597,0.784203725033,0.566842628285,0.272044024781,0.633904583759,0.715316708598,0.806111322256,0.378009881002,0.314529387585,0.982688454048,0.0845540874113,0.873306970299,0.337209084417,0.758342076945,0.325994641355,0.720990106967,0.750266669381,0.991921185364,0.812112154736,0.0715266450907,0.795014980783,0.516061943133,0.545953868227,0.234455989362,0.300074435648,0.0218714849024,0.277414043096,0.383030468485,0.608378277729,0.762467188127,0.0275217441884,0.807906015462,0.934102927067,0.359169466567,0.22245324584,0.947705046894,0.55000094433,0.237020471577,0.841787757514,0.63405017624,0.913556006853,0.381603122676,0.520687216038,0.222885353318,0.597300559172,0.456108452322,0.38924120718,0.604418246562,0.824959085014,0.124850760718,0.647948176318,0.948747633763,0.795465144427,0.96386420996,0.38086345218,0.31932256979,0.593368038292,0.351347652523,0.235128618068,0.262723637625,0.568493885915,0.652140452143,0.645390389768,0.0286137341733,0.119971256256,0.562024299805,0.232212149743,0.461084849315,0.107649750806,0.815995974796,0.715370946746,0.842423988367,0.364841935109,0.676735796543,0.135407203683,0.353704812032,0.868142356335,0.0825188088735,0.0230016668079,0.660016532387,0.0134739009253,0.296964795487,0.821531005568,0.380365100531,0.723220214611,0.215395509596,0.251894782672,0.605699842877,0.974809165128,0.325853133471,0.388605605667,0.587277480837,0.689511145012,0.14983496292,0.48767626034,0.571164693623,0.483805405824,0.636707538461,0.961779453007,0.44550296562,0.263385905126,0.886990378726,0.120026018152,0.640308367512,0.0411353145304,0.259023252921,0.452029914545,0.766101833717,0.710564792154,0.831341716505,0.497956536689,0.639130680502,0.305401958558,0.180977727585,0.00259247088995,0.765386599716,0.141684863827,0.845176174125,0.129733816858,0.296092979632,0.816730287571,0.15243678963,0.729858576487,0.936944070875,0.973172654123,0.44438498658,0.204665706799,0.386196201357,0.200194540577,0.604237652878,0.640175642139,0.751872868121,0.430975231726,0.477897984061,0.552338006635,0.589223488668,0.648965481433,0.713432580263,0.448007916129,0.0862238524622,0.532546891464,0.574440062414,0.773122685253,0.811895737332,0.0744956619967,0.908894928017,0.947600634587,0.269062455925,0.448807253228,0.158146708695,0.849149161378,0.0487390691633,0.536131412382,0.141965529323,0.759857088526,0.36496599335,0.355696715941,0.00605172729939,0.0403042216665,0.0544630899277,0.932697868678,0.983046026102,0.686492229338,0.529640269628,0.38978275354,0.509413899791,0.238355310796,0.877681418031,0.796813761453,0.382449496511,0.111171464819,0.569867216879,0.628626658621,0.134561821652,0.430814184607,0.750772575923,0.325774159901,0.860479793793,0.786931025203,0.11186659683,0.684262516122,0.0103432666099,0.590117159546,0.776939830402,0.469168626967,0.762366414186,0.390909511352,0.719375174795,0.164611166201,0.586945668711,0.0964870806179,0.733915296554,0.19081984555,0.244182233285,0.317328595599,0.958583188964,0.667616779388,0.132887156256,0.204746146326,0.563382692103,0.618929334728,0.799427952431,0.751511833897,0.521891327146,0.650575822497,0.662053698712,0.988007280798,0.524817411364,0.969878522054,0.492123635743,0.616139775098,0.976638356181,0.840762360044,0.361723159482,0.360412751941,0.148478183504,0.750150905135,0.619711038715,0.421751914569,0.840151555547,0.940392622333,0.116342158867,0.181731527761,0.298193601122,0.638881932257,0.66640592209,0.187933612195,0.618131519038,0.817599816784,0.995988462929,0.29770642541,0.506046893538,0.335706305602,0.312690364976,0.694786862038,0.567883416694,0.902335957833,0.646134993509,0.670409975894,0.171746977765,0.930469051813,0.4171995322,0.787253584943,0.0893869235414,0.893029378141,0.424081750221,0.787763549887,0.825292017279,0.566446375052,0.795119383442,0.748166721626,0.52240748641,0.0197782354028,0.83966746743,0.712803554223,0.760785992915,0.733953164429,0.524870354318,0.72274144486,0.0142500644183,0.902535532237,0.603531806814,0.351836973143,0.395956151074,0.116209938199,0.0903488825604,0.242013438685,0.768589562598,0.114209907385,0.709915532994,0.209666696515,0.338565763097,0.340498564938,0.419970340088,0.562051834977,0.624830627156,0.855178207999,0.837161998073,0.288484366662,0.431217476908,0.408067914582,0.00318590840482,0.861226303463,0.47392350068,0.107266662811,0.814551764079,0.416066339065,0.121212867036,0.45204146324,0.283603560629,0.354317150029,0.735276194185,0.691619238695,0.610596963438,0.49668470908,0.0428876612574,0.526132816276,0.0758946414302,0.970247949939,0.525425227998,0.710126782967,0.103761344893,0.959312058598,0.276251943986,0.03265378354,0.289302621373,0.364728029167,0.805835956228,0.318021253335,0.105402172254,0.075326494109,0.00342477058474,0.965378398197,0.591595528372,0.393397073131,0.950671483763,0.794877610538,0.39645038342,0.588722232323,0.722472489783,0.25380236076,0.190113674384,0.0565289116095,0.690827604699,0.829490731054,0.246824456255,0.427162256121,0.67962529256,0.379921081073,0.258110209213,0.985505788201,0.0024932203672,0.259034765079,0.609245387981,0.550611015917,0.673680452519,0.0960117996863,0.585589843542,0.565434988676,0.941004476319,0.0854171273374,0.194463963499,0.770116616955,0.544886134964,0.276833643446,0.766165104954,0.977586052652,0.840828522636,0.290667150607,0.465246447097,0.641438950845,0.810211595695,0.740826460606,0.130496961736,0.144832060176,0.393808423381,0.58981812091,0.595619934431,0.469490644658,0.455961435483,0.881921023104,0.194354854666,0.28438034676,0.132062344744,0.587541454071,0.957880930177,0.585547013401,0.425399392382,0.748910009643,0.0286326040828,0.299592164436,0.332427550437,0.673563891346,0.206219650795,0.954126569644,0.661415012117,0.393363313455,0.914806471904,0.837090957412,0.384193886652,0.930280498312,0.274694077177,0.608512017456,0.621787162183,0.358508413307,0.811115282129,0.715970583514,0.570753619972,0.736125414323,0.66317500905,0.220959925666,0.409042588107,0.21537029287,0.201800089367,0.526776163069,0.695829981149,0.0411322541771,0.10527697413,0.60059083183,0.402308837757,0.886706009939,0.676291236548,0.307597323379,0.0824120356711,0.485939876925,0.608711960413,0.162902926787,0.504398068433,0.476721588322,0.591849628608,0.122993634769,0.192243903802,0.8195066625,0.805025070941,0.55469834234,0.198363367929,0.959925259089,0.203953721831,0.193973496322,0.760349083143,0.567231612344,0.713469490764,0.95265366725,0.725908218123,0.132111033325,0.638002892018,0.497346081696,0.564864468445,0.523671150185,0.528306397919,0.360122527869,0.347658502132,0.987521534355,0.900721707945,0.50681808583,0.936982360739,0.69902012127,0.0717863439111,0.0963669025827,0.249617623756,0.723240536593,0.716075807333,0.290978172879,0.758138411554,0.307583333594,0.0697045254266,0.616063452516,0.831460545673,0.603578436337,0.0098006926256,0.752488884965,0.930816170377,0.289734901545,0.278202785992,0.705496573239,0.192651462747,0.978950868921,0.955115602752,0.627457358931,0.0925747809021,0.522573824308,0.699924497003,0.2334218748,0.10156073843,0.741946525483,0.185864483618,0.469714101528,0.153439863612,0.00449117120044,0.633122446885,0.358390140081,0.912452034611,0.925224165935,0.642513815899,0.964403447666,0.429011065161,0.550127544177,0.526099732915,0.491569743219,0.417611530063,0.579998030951,0.532456518981,0.105433276855,0.847225522119,0.151591078285,0.149237181882,0.189653833487,0.191473064061,0.395902248398,0.499981220891,0.0823172522836,0.415391436592,0.986202558409,0.325835687542,0.371269364812,0.843447835493,0.0638634167854,0.4208341712,0.709567925483,0.448927441979,0.222100336287,0.664564764057,0.708015062271,0.246809935458,0.0802867110748,0.0199910400968,0.769446620077,0.607774139529,0.878245400236,0.519392012798,0.0525491578245,0.586390427657,0.278598030473,0.0248145232568,0.917226931487,0.0897609383989,0.715385614167,0.211104750383,0.441090697059,0.952938610692,0.522626318024,0.906386121897,0.456447087046,0.153776632808,0.881362592238,0.301731721318,0.552237443356,0.52840979749,0.145553599135,0.855596870552,0.945457321789,0.435190440891,0.878825744607,0.179971877877,0.619966972906,0.564242665529,0.798892058193,0.208492122806,0.858644815061,0.362672814032,0.909320370904,0.245955961039,0.64708274741,0.923606561533,0.80093629345,0.612247035697,0.846648916521,0.174657502572,0.831431508078,0.286373230135,0.144011031531,0.516425027937,0.448667312904,0.291578453593,0.373912928099,0.574796632205,0.846456084691,0.107632177949,0.886487630119,0.214293841174,0.0399348067704,0.331322692748,0.33434868872,0.900787778696,0.899004271024,0.160250436151,0.093839594059,0.285365183631,0.148101468926,0.969984924716,0.844867520261,0.491967357131,0.713776125858,0.486534336376,0.516469600514,0.312819511709,0.763132723033,0.347721536222,0.211035367062,0.0268387848342,0.796379578293,0.715489195144,0.391542787369,0.957988771263,0.38176552824,0.0543234973074,0.992390296233,0.150066960543,0.0967977582257,0.60409604129,0.251404634496,0.462546591735,0.947427056848,0.13213970031,0.849395795132,0.8728785612,0.775495376419,0.034289630488,0.584466411156,0.703132958276,0.00289228633839,0.0188854097656,0.689194010434,0.00872384216846,0.784115666449,0.56848732081,0.258623681437,0.187722412308,0.615410708742,0.28445129151,0.60582178411,0.559270234645,0.665390434481,0.906186361314,0.199290214562,0.737923415034,0.584184441223,0.481652535241,0.627178148569,0.0811975538356,0.628303913515,0.298217031969,0.0738664917663,0.649826291967,0.568601978348,0.979990463007,0.785861850425,0.477416706171,0.111578036176,0.0864353382857,0.23237210558,0.388973106202,0.370169630505,0.658991621229,0.628532175493,0.120119787615,0.837063222958,0.252590807101,0.680918513096,0.104473783644,0.78978573607,0.594921291281,0.749873040922,0.494140780873,0.521924395501,0.560816841615,0.706328085441,0.619273645347,0.0269830063501,0.248997627514,0.377284982855,0.18563767724,0.81868183615,0.784146793929,0.840805471025,0.837201469352,0.554854062152,0.36591773321,0.205685907254,0.811078833527,0.441616196516,0.0539315098554,0.17725270309,0.135976949579,0.0780592893048,0.714161259079,0.554658838535,0.532443347683,0.20074436839,0.157894759262,0.310686292394,0.590572604391,0.929760189193,0.029057980644,0.994084313338,0.838137728808,0.99282610128,0.574661733107,0.942225507674,0.525662693563,0.918632605521,0.209019587708,0.644410565614,0.928114979416,0.873219011776 -0.42832235876,0.566737280505,0.371866725594,0.742978326036,0.617246944176,0.303081325843,0.18952515489,0.376149136154,0.0598600336308,0.898113531197,0.487994836136,0.363384574155,0.388482272111,0.900584307775,0.746017659288,0.213190203561,0.376111973995,0.500098125894,0.877040802112,0.551842953818,0.245359630877,0.879948738172,0.933792414197,0.0892571632153,0.901826352612,0.820586982706,0.34165202964,0.235926132621,0.875769699438,0.288597691348,0.645850166529,0.619257164347,0.604297974257,0.793014242426,0.649441496005,0.900839805503,0.781648599318,0.277002010227,0.79185495578,0.99102349618,0.57048732479,0.609392854354,0.627058888322,0.880372146441,0.974169998816,0.0048849890393,0.438788765156,0.709760613993,0.378459518525,0.364698172631,0.916175071007,0.842230640123,0.85370939022,0.828841837394,0.605567409764,0.0281403142471,0.0196981275551,0.018012084726,0.473514342153,0.62808651224,0.0680863640775,0.960542081537,0.603906540918,0.846324483545,0.249728238461,0.031036821069,0.470043666199,0.703433792279,0.546191701073,0.0123632575154,0.618036157409,0.828002002309,0.304750238947,0.383791851157,0.637851225966,0.810293507525,0.867398752987,0.63132289017,0.385187211442,0.748031547006,0.318864008488,0.443088548369,0.343525879657,0.769349543824,0.0411638157857,0.620744937341,0.0735468530495,0.575194628993,0.287226051127,0.187336901146,0.511656699801,0.851865719863,0.847866731567,0.864217865363,0.0978724782421,0.665206275969,0.948272970693,0.490944016748,0.436146560264,0.592390936081,0.898840868415,0.463187165992,0.713997001888,0.548971885476,0.0142376302172,0.802048775682,0.343947437533,0.763169779106,0.102212269987,0.146421766671,0.434337362884,0.362895937139,0.789619655402,0.712523563264,0.942500800529,0.629414289484,0.977332938334,0.115381135801,0.342451439904,0.706299740712,0.394801725103,0.560449513617,0.103205125199,0.53035376055,0.0274074986951,0.815292035265,0.563346008425,0.551599284979,0.625686931319,0.943833954257,0.698698077089,0.919370680712,0.277134602901,0.327723718943,0.856951193082,0.526314351666,0.426104894506,0.811291240473,0.157819141831,0.292714710884,0.619716892302,0.539941822072,0.235388281369,0.0533242622384,0.16493792799,0.240281410645,0.565965046706,0.781975431282,0.547498205138,0.0804535227836,0.943161655936,0.296688525807,0.638771731347,0.556506855321,0.533927603113,0.665579629408,0.493127154916,0.781519965793,0.106485078314,0.677867356226,0.522499149901,0.876059601194,0.352621409559,0.708687027774,0.484274613623,0.543768135029,0.891339091755,0.034810345258,0.946815566094,0.785971788621,0.850211220484,0.319961499762,0.185852713267,0.0906006275249,0.726171471077,0.179651743478,0.11192539526,0.383611705177,0.520863572475,0.312415850935,0.856267653069,0.527528848672,0.796855796172,0.383614280198,0.344653280198,0.214501523227,0.814565082477,0.284314303978,0.927424325233,0.731358935209,0.552005205715,0.885171993047,0.937469194567,0.908323683266,0.356997746525,0.380530564402,0.777601110266,0.292511077534,0.0152867539539,0.249812313929,0.643399067071,0.432577884086,0.421539925837,0.875610376431,0.564896777147,0.552396707297,0.0824508962734,0.33247289871,0.701631336019,0.952762556487,0.779645591385,0.296943513941,0.0294393125054,0.0719168586134,0.0861344339377,0.675405069026,0.130052653576,0.478834669944,0.398816443561,0.553928473542,0.734101298487,0.663213635395,0.611588273343,0.549533928722,0.578442641602,0.844372909831,0.673834696338,0.129777522098,0.790966067712,0.0584572234594,0.851225196749,0.937062018193,0.28783763107,0.482399782994,0.411359152271,0.875747301685,0.154127055047,0.540381991469,0.844929528367,0.176084746826,0.814317613927,0.0814117829121,0.753369845415,0.818217269049,0.964325195038,0.17072509624,0.100909805662,0.319951930191,0.701740549463,0.840047310487,0.576158399317,0.0167430234024,0.310097037893,0.428303283705,0.3311222922,0.913698596986,0.456121345277,0.738959871835,0.694891999442,0.0730026471719,0.388688145173,0.578270718074,0.709202151336,0.588909317958,0.390363992025,0.161475497671,0.975820474482,0.282854076501,0.193342767848,0.196656361112,0.749279411775,0.669702892499,0.0680616803689,0.46907940574,0.210477233399,0.742726298006,0.482350254227,0.859092947927,0.169339668237,0.568078559776,0.796615105376,0.42757240387,0.145294911983,0.0236549391074,0.0379008266621,0.387038811277,0.286500653686,0.431184217882,0.954034162411,0.65729143475,0.148129895896,0.056979966484,0.79437812915,0.255308009113,0.442438440767,0.967040119907,0.245257387317,0.418026866636,0.284554405869,0.809735485502,0.60766380159,0.00447095231931,0.552080278394,0.185759468746,0.182088565839,0.610733177591,0.630136379119,0.316852553314,0.880222172611,0.0117722875215,0.89301832983,0.384232478535,0.270033417312,0.823905956275,0.895862608313,0.837006593791,0.375409798615,0.671541649477,0.495348281642,0.351881815399,0.678746209166,0.0312885088018,0.50192451446,0.159660915954,0.552545788577,0.334438371271,0.331855665601,0.795409538679,0.277430750085,0.987144246305,0.700739059599,0.644524106335,0.705197140631,0.635922094046,0.877536576759,0.978113010787,0.660893876335,0.336718577378,0.738335905831,0.345037770329,0.324975333061,0.267326840977,0.599024914859,0.518475694041,0.876267875745,0.190321498864,0.303170292352,0.680370007295,0.739964998913,0.907547871331,0.724654321005,0.840260340286,0.00959767997569,0.499614889523,0.351475566685,0.122233803069,0.408968497756,0.834076048843,0.071726937664,0.913209275681,0.608584216402,0.480671784711,0.738938761697,0.0123308725912,0.00454717100587,0.654486735595,0.469230313839,0.757025642889,0.115754898771,0.801168216395,0.542591426722,0.020257108516,0.679581372924,0.0433383883528,0.719528385731,0.718024700079,0.87979512533,0.707874483616,0.320381596726,0.318438443932,0.0200136603314,0.376899918716,0.893319052132,0.903991047258,0.907352129435,0.746607980102,0.193613389691,0.725513581576,0.946947133144,0.330737565103,0.119120014066,0.213462591143,0.040952105702,0.00215844885072,0.417683017662,0.808805536557,0.155958139596,0.963965350393,0.403333468056,0.986459276503,0.195468554537,0.466733887826,0.962889226794,0.243804508559,0.949447526589,0.952020516987,0.941533577888,0.55910281493,0.557301721412,0.945648396189,0.68774267021,0.874140944649,0.410573048553,0.540657932566,0.437938558353,0.700898306911,0.793382212143,0.418523531958,0.562323950395,0.359860990881,0.958572023263,0.938783251721,0.596882441103,0.59228615341,0.225961562365,0.297814453693,0.874523321221,0.962795740788,0.117175216269,0.945343956831,0.169057154019,0.149848676004,0.430467638639,0.594653781336,0.526310829166,0.817145738952,0.912186317154,0.564715365897,0.901656363363,0.61892083238,0.45824420966,0.788848408632,0.834086158242,0.247174091554,0.606381477685,0.714462814745,0.363541853211,0.968033628985,0.952510623536,0.806697670569,0.94238460511,0.974450371033,0.000923332893585,0.584740375339,0.590896670238,0.950743621702,0.8292433551,0.241291808426,0.432889712712,0.0881254523518,0.0112114736425,0.581529345718,0.455635836236,0.947719511811,0.455008681949,0.923796553304,0.747525631282,0.532738943019,0.389433764399,0.523796351993,0.0363796256633,0.446846222658,0.650188678663,0.426419212612,0.652356827591,0.284484656029,0.636807327108,0.48027463622,0.774160575561,0.591841044615,0.790103592438,0.99922082554,0.342304533241,0.169542386939,0.176680657865,0.686333676608,0.303026493103,0.470661826717,0.668385183544,0.40350345584,0.578662895808,0.261122235453,0.998325789418,0.564575107289,0.0779240518259,0.951861586975,0.189725278479,0.99439698968,0.372680357997,0.751089856119,0.456983303657,0.165950127673,0.619996063378,0.893920828007,0.120376204866,0.162163480497,0.430718741318,0.581331890544,0.814923896495,0.197673705323,0.685557207631,0.950289998869,0.880952078574,0.969153514037,0.276567198371,0.148076641715,0.729290342033,0.54346609025,0.400241521025,0.80532609511,0.766178333016,0.427211964485,0.177494606035,0.95952722111,0.534998470543,0.631532625808,0.184857855331,0.944129481096,0.0387320660992,0.0896424415391,0.0254497975598,0.681678035593,0.784033868323,0.964843964352,0.313277491561,0.373595361096,0.731911649627,0.466252464016,0.301026352871,0.894307172194,0.00284564318095,0.116099278408,0.579636932961,0.901615023224,0.947480449626,0.886855112225,0.0284579375213,0.354580326316,0.896833841381,0.254881686843,0.317665551109,0.360708571753,0.52668710131,0.104753474195,0.715007534223,0.210003120637,0.12123605629,0.553569457005,0.524042825998,0.63726922239,0.26785287188,0.287306178139,0.998068358979,0.291618353586,0.135959767535,0.502228787316,0.90607913822,0.355741072262,0.402945451647,0.463271115766,0.248232658355,0.858686816857,0.834503689042,0.706995324106,0.236859565706,0.876304791885,0.613010662103,0.885478880757,0.529473968815,0.519210435858,0.642414119593,0.954356565362,0.403781049794,0.29959783934,0.588011010782,0.337607518442,0.163756421372,0.298869316979,0.307200067483,0.292996156426,0.277676326776,0.129802603666,0.842770266682,0.619680717132,0.0547650112922,0.495494264909,0.415456440943,0.261179287164,0.85715544897,0.774063738121,0.680708184345,0.0850263181303,0.382409254183,0.687847016044,0.983986125398,0.465743800773,0.262645945925,0.705748968655,0.778940621203,0.101662785388,0.586458516816,0.476694863706,0.505553906532,0.242563049935,0.388360676829,0.11221666966,0.351179052957,0.808007449698,0.988797925695,0.754266051199,0.552146941702,0.499975525167,0.711048999242,0.752864985788,0.109805113313,0.269538244304,0.382480689893,0.963900808012,0.119643197722,0.105310827114,0.505993631068,0.746464262453,0.856219036251,0.307810212469,0.198666322144,0.052033615639,0.774653829445,0.924056613566,0.429503862021,0.958767313117,0.706047512692,0.147015805945,0.523954790142,0.445569557926,0.519751978489,0.985050021998,0.724484877177,0.426294028719,0.293129375237,0.0381945120406,0.711267921672,0.663229349311,0.682389724713,0.805120223178,0.847394987627,0.136740855356,0.786963492482,0.52641335005,0.922342276855,0.682602109907,0.315504553613,0.677296147609,0.661393250668,0.445261025705,0.976733025283,0.931438517513,0.156317465591,0.71991350442,0.446850342852,0.255185625885,0.0674801971857,0.982558817444,0.315572137845,0.0859085313595,0.0136594779483,0.894372683548,0.0489684313379,0.330775584673,0.851453704527,0.849205915848,0.00478206354704,0.544030105945,0.40874894809,0.256415091024,0.331199960864,0.889389724351,0.15705959332,0.606420843071,0.383745520638,0.816719699285,0.604438238751,0.102294606224,0.557467703125,0.946516682072,0.370732358547,0.999032843385,0.716034322766,0.386131189846,0.351837838781,0.273857984782,0.573312874904,0.629191181237,0.593531278705,0.345634386864,0.58138122112,0.0483263660636,0.596190852701,0.379881364882,0.646375886579,0.856766611668,0.970766295693,0.860831637853,0.743326000174,0.472550671936,0.141651067325,0.884860086529,0.982702777841,0.309351331924,0.69976745921,0.799451047629,0.863813344582,0.328243794793,0.720025953284,0.847636514075,0.152342384197,0.123382806389,0.0185828569392,0.30728705415,0.767143818127,0.969550072512,0.40645375202,0.0595216391118,0.0767591089142,0.469577209791,0.34736096425,0.610590509676,0.27835165395,0.174163473138,0.585746372213,0.548042488172,0.289331494525,0.052694386801,0.699976801955,0.0958294319437,0.529220145725,0.778685409621,0.284216837379,0.255453587406,0.659161979083,0.966330205609,0.444515600967,0.784784919032,0.813238019851,0.0327448992871,0.846954821828,0.0573553858248,0.106554393656,0.621484074567,0.214282101426,0.51490382664,0.270235027287,0.266827744242,0.60763958526,0.756369334202,0.901673163878,0.992739024701,0.999113404764,0.808846762454,0.346220791588,0.668442009347,0.156428857426,0.924598067373,0.204307436633,0.487801831822,0.879746164029,0.166880763249,0.84116898602,0.189813524938,0.347780370981,0.372358551788,0.0694873289728,0.435489647,0.505135010572,0.0515008812801,0.698989004403,0.0713481180524,0.823236800215,0.703805931573,0.313807019002,0.985738354405,0.594943634627,0.108497242817,0.580350638831,0.815334957947,0.673798576226,0.0514714104495,0.0247651363353,0.585525738509,0.039596300727,0.751194969996,0.110222162186,0.440365624649,0.415278245998,0.442264533969,0.311375865085,0.940951088185,0.000269420405634,0.595802744294,0.548683938093,0.781129454854,0.537857015481,0.000831228067284,0.479686647666,0.0997922245007,0.904795015885,0.073251009588,0.262351240562,0.169117769895,0.87348261374,0.932280239204,0.374055809777,0.00673608369042,0.842634907021,0.273276350376,0.377542934853,0.290029821566,0.250929918006,0.784342326122,0.960968872838,0.885941206887,0.742390003005,0.57782896068,0.94498117997,0.468085976029,0.347496039297,0.65666802626,0.797079303182,0.248785849226,0.05802368755,0.0656938511576,0.111410380136,0.911374186744,0.0639752318744,0.636466343578,0.725754298719,0.664063877637,0.17731676394,0.765666695528,0.680595355714,0.275378016349,0.718469261056,0.921832967122,0.566945619431,0.462893217895,0.291588404181,0.0863577884815,0.226284311239,0.823122587353,0.592193535882,0.349352122237,0.377379876105,0.136093453047,0.490908993361,0.835031636647,0.178825723241,0.518663466417,0.0301287766371,0.0442733687096,0.344454103579,0.900946236068,0.177838520816,0.137501244298,0.643549533285,0.2773550909,0.118374066015,0.921051296867,0.979929703572,0.811617264143,0.488584080596,0.120253619069,0.0214141266893,0.61261744551,0.658078708583,0.145477788949,0.555991006343,0.404147335211,0.322301817622,0.359597470183,0.719045596158,0.471850061884,0.677276686619,0.651940822053,0.484031058196,0.280849922664,0.482300093509,0.739203135633,0.357741377782,0.00376239236595,0.814479086559,0.448547707567,0.482642055322,0.105835179455,0.670153685784,0.526724043992,0.639123645928,0.985405196784,0.355109341896,0.744220012915,0.814651248622,0.266560838265,0.527635314536,0.26704632166,0.380625763939,0.0721226922695,0.735228511934,0.511552772925,0.13362304044,0.829479667215,0.928584674525,0.623667898936,0.128359508384,0.816837512613,0.400246501262,0.565535706242,0.648850862048,0.23614293601,0.484731889636,0.136573984107,0.971728462162,0.984310660673,0.547268669875,0.119934421227,0.818897724585,0.487376697561,0.438036998416,0.904603615824,0.313489325567,0.130485980052,0.735288868389,0.145672862361,0.82652521131,0.670620574925,0.996025576153,0.375451074913,0.239521162042,0.123815398536,0.565002253808,0.430726984848,0.233236715086,0.652883186879,0.112131891291,0.972285784399,0.610542256248,0.453384332953,0.0955044197604,0.0822795366322,0.419512138835,0.0777751713326,0.58480460883,0.294013285589,0.804626832302,0.121345648943,0.439312885384,0.280885704958,0.956255461081,0.911205439459,0.086400710157,0.44899997354,0.664210543299,0.278761959945,0.283163138443,0.136299172031,0.492555017181,0.275440346004,0.630055990282,0.753909857592,0.433245656965,0.62711946763,0.22230082278,0.190020654421,0.277685861396,0.168789711487,0.524119085665,0.623681182189,0.339784901019,0.0146865836273,0.195767192116,0.464017690732,0.690292099628,0.612687341693,0.996431757975,0.783834206667,0.983404593208,0.334767760361,0.839580038374,0.283956720324,0.145536547183,0.688061479243,0.92244603077,0.526821994635 0.175122102194,0.0125100396058,0.0239480802987,0.218254582202,0.277906813256,0.376465584983,0.531954786812,0.544564589617,0.595260500063,0.0545465289797,0.164828168266,0.636767442421,0.119935016016,0.213770757741,0.532412077354,0.480030294075,0.646000495423,0.820921213774,0.583918364147,0.365677068993,0.998855637325,0.889629320634,0.73474043429,0.850859534462,0.483589885699,0.761908533857,0.239311675233,0.23454506935,0.122543131458,0.663922054453,0.0242460215188,0.0641574779892,0.450994457075,0.843423932875,0.0455643177837,0.277292280116,0.100170380496,0.772236437883,0.783674110928,0.443326986698,0.172682811888,0.239129124786,0.0211367031048,0.669069502325,0.702208436093,0.219508127092,0.833395293714,0.762253048111,0.00662326219406,0.972752026091,0.105226278231,0.417349335755,0.134718595902,0.45336524702,0.20518281815,0.632676648498,0.318396485721,0.190206943236,0.445879399575,0.803281672204,0.15218707529,0.187908109333,0.213905061988,0.592306204833,0.404991715874,0.913374905178,0.41840181974,0.314229198482,0.301715072178,0.808103063862,0.949008593071,0.489502787145,0.541686239868,0.597158356814,0.756119414623,0.685967512469,0.70202541286,0.300170618093,0.156310401033,0.57978102766,0.612991569874,0.613576530588,0.654739298603,0.416186971597,0.0367670713269,0.913464742531,0.779008985509,0.169242831045,0.216899243738,0.136376075749,0.942891357657,0.645684133948,0.887245682083,0.634596172277,0.755319955575,0.556440884325,0.462279313024,0.73871290598,0.412658003906,0.165289398104,0.617290770232,0.724684935572,0.718916773467,0.358693202658,0.473499158994,0.710478148378,0.998886882709,0.29631083877,0.674843257561,0.829151653807,0.858797909119,0.241810770002,0.900944518281,0.969572201779,0.810124257952,0.383745234846,0.455048036343,0.508714941908,0.342051223264,0.410519022016,0.785241048989,0.977535878681,0.820475592344,0.996096033281,0.821522027546,0.874450143564,0.11072095098,0.532794546414,0.157931157596,0.226821617738,0.370648939869,0.682860142077,0.734340469338,0.654932044665,0.0825970502712,0.466664697363,0.374924617487,0.457022207394,0.596618999862,0.885851214005,0.578608288655,0.591082377154,0.730594621674,0.659812446125,0.932425045803,0.711253374377,0.524915682324,0.995707728531,0.367041902797,0.585583420862,0.476619828766,0.155695883617,0.883045351388,0.0350268429807,0.365136334075,0.12981499455,0.73459025454,0.434895421312,0.0832251382053,0.832957776553,0.927564373189,0.066924097009,0.48957803386,0.870554682847,0.596641684703,0.248504920706,0.846868681667,0.213105104751,0.837463097889,0.359732537767,0.618332229922,0.360521330132,0.302543133124,0.637364270142,0.374116404995,0.223423509834,0.930653866537,0.248650841549,0.334518047207,0.127266583366,0.267007267481,0.0753068621737,0.898013552112,0.336204219352,0.259993842905,0.0152079846601,0.0668453852992,0.955020967483,0.522665993173,0.419745211326,0.0954787666233,0.653181842374,0.40810084069,0.110810412562,0.773802790129,0.174370975744,0.379983429974,0.16362922649,0.70000867985,0.079705019765,0.160354129945,0.589964687867,0.853801780335,0.866204825486,0.698594769415,0.293224087329,0.862790109098,0.779245429747,0.710124773387,0.337240936725,0.286809355223,0.479730025591,0.0689138029361,0.439871885173,0.28377764534,0.281752942764,0.48617488062,0.000215400393937,0.646994344008,0.113061543553,0.0363483949463,0.693505981467,0.158556885584,0.543111832125,0.0580672284609,0.682408049656,0.132001412324,0.665043099985,0.688668145458,0.564466922315,0.239134510489,0.777048313951,0.163935503138,0.375965674566,0.766627320251,0.929826450467,0.372623269493,0.205511006335,0.535476374168,0.42514617741,0.187011795431,0.712049318439,0.347366072515,0.890780010151,0.243175626278,0.695551938478,0.567601788186,0.434436078893,0.711413141985,0.428421617953,0.750464088739,0.890598330077,0.136287424453,0.112967962237,0.0526496049819,0.853333499055,0.687525585285,0.210664420808,0.845191134698,0.585751615872,0.572174845542,0.397112646219,0.187401810167,0.643688943106,0.396195283247,0.676646038214,0.982779198865,0.424139955373,0.0169798264344,0.480983889463,0.632943501088,0.436282159838,0.00357688868761,0.0559106167828,0.692177511233,0.0113576220878,0.160361050446,0.1998964986,0.475665274996,0.230494012153,0.207073199935,0.454086280206,0.206698813389,0.717357418226,0.00414113973179,0.00922286281577,0.397477109956,0.969533061649,0.48959840172,0.397875560069,0.916625245373,0.513002197489,0.114016204537,0.754999152075,0.233325605556,0.23706270352,0.490211326743,0.317716413471,0.277647600824,0.78928191712,0.585954804174,0.186714573555,0.083504266427,0.967616318403,0.589996186521,0.0303203786232,0.745477635539,0.36881257259,0.729992541049,0.257947683873,0.672063247506,0.182884953376,0.382959190155,0.673608914175,0.237175426773,0.894115977433,0.508611172163,0.954694153793,0.406890902634,0.749707122041,0.673212527939,0.79998360931,0.736152682571,0.810732062977,0.365773932035,0.872690306664,0.501487919099,0.557626655259,0.241826486229,0.807629651194,0.836255702206,0.239392380766,0.590533164538,0.949653876881,0.974978224778,0.191478789749,0.00815458338756,0.347798588591,0.834544147958,0.832340474804,0.129926773231,0.150468494394,0.421955151213,0.660244455805,0.028280958917,0.330261716834,0.259475377202,0.133328710244,0.169737284572,0.360834744946,0.319694847756,0.174272283883,0.664572076678,0.241710331365,0.795949424585,0.311109865482,0.759644904043,0.971242678432,0.926828278381,0.279812318431,0.0234181407896,0.566009027815,0.0751715376192,0.897098646784,0.906037905166,0.421619612516,0.609247485318,0.519409663141,0.0697270540784,0.879717817858,0.0401012946332,0.540749950582,0.573374607468,0.282921706297,0.519974800549,0.427043334004,0.831072990989,0.295021222203,0.000886176713423,0.895042919377,0.175665031991,0.226292805705,0.933208525347,0.836396466855,0.7726113015,0.639764007613,0.410813849064,0.237323212666,0.387461255521,0.472886842004,0.686307876874,0.129047730523,0.72370881782,0.0699907718222,0.267064079896,0.0199360795494,0.199120393721,0.168928829553,0.0625842731153,0.884443684593,0.978739884012,0.549849294136,0.0468282549133,0.118054089907,0.703292052086,0.631023001752,0.762964277987,0.836641169909,0.294817862401,0.970575088126,0.881448808189,0.803957212451,0.572079582264,0.599349436578,0.897255715428,0.213996603134,0.921188297244,0.549963178182,0.651301835124,0.765829955849,0.0920226654445,0.493376522141,0.2104238403,0.791881986559,0.984658034886,0.205086385945,0.088268588013,0.812806685078,0.545604176705,0.784594984999,0.811477045216,0.587863606393,0.623379438011,0.823317569923,0.273754633838,0.0939932156419,0.156925974611,0.990124128776,0.477103367939,0.133489112684,0.708642877882,0.243671614263,0.725870703075,0.128584762426,0.496408284482,0.451395684056,0.612716186684,0.641664888013,0.501164526402,0.752145815726,0.223303468558,0.541027631745,0.433733711928,0.511164817021,0.859083852055,0.243663627353,0.702983326521,0.992652039967,0.104547398182,0.698799510417,0.775500193167,0.842373412599,0.322565691484,0.0154836458926,0.06128986267,0.170748976188,0.995176223052,0.289426744575,0.501442378093,0.612715702391,0.411921533521,0.50257771663,0.942092317209,0.0632674959913,0.791027098157,0.971800946552,0.765768883268,0.764008984666,0.51357582622,0.462654675025,0.970901790002,0.00200748525186,0.476923020136,0.285192911331,0.624224821988,0.529745980215,0.405095955456,0.779540451135,0.0984068294114,0.0240812169758,0.350974047441,0.476938087298,0.85798898636,0.545155482811,0.441775754804,0.00798283248358,0.650640375084,0.171288192503,0.17499043726,0.971682642078,0.0995931636014,0.765693593128,0.363147505513,0.386111789402,0.914887619087,0.734293666922,0.252612614536,0.812385840823,0.561959396494,0.0515427679573,0.994980056774,0.13895639345,0.494063517862,0.651129530786,0.365433615891,0.560283027907,0.635523129939,0.977393214068,0.326269330887,0.894633107285,0.206192523335,0.539054561135,0.832345462939,0.622205309331,0.770278551485,0.0011732662001,0.366783956863,0.354158996324,0.7515651785,0.0703937395002,0.549788181087,0.992455886114,0.286972745752,0.99120713446,0.156449473662,0.806471400016,0.785412638161,0.633448815806,0.163495577471,0.287121397743,0.434405219892,0.198226095854,0.58271003246,0.248945695544,0.574947939101,0.324774948482,0.130188526379,0.195253097134,0.259402844006,0.0484147309003,0.434488624473,0.379570318974,0.0618048654956,0.177075049804,0.381144106477,0.362362598313,0.929472561685,0.751216901911,0.0625042612665,0.604375761332,0.673128510101,0.664102497998,0.64107240956,0.708287768667,0.12797380295,0.470221527258,0.00798522932363,0.315413857586,0.947906185532,0.476602993021,0.392580142196,0.62089666898,0.629221532861,0.859218115653,0.971306002558,0.882518808295,0.919989079875,0.300800126756,0.403873535565,0.407501391138,0.618873680656,0.968726096389,0.273741791824,0.382662205873,0.954943035807,0.482323608499,0.782522539846,0.812653198531,0.675907627004,0.0237416882932,0.988510063258,0.911128783424,0.38213939414,0.78897813368,0.000134182550681,0.840341407352,0.134160912923,0.272629546052,0.716079778494,0.45776752977,0.336593104759,0.209709548377,0.962677578712,0.864612316578,0.564953521149,0.725103335944,0.38484369572,0.446952575807,0.688781093899,0.721530693545,0.829276308967,0.176773076066,0.787987397512,0.752040185315,0.471289276891,0.63828051969,0.503707815177,0.909454068555,0.829679890059,0.971626835584,0.577537498043,0.18247762183,0.300981565903,0.320513209182,0.322930678435,0.091816761789,0.720730985537,0.938291272153,0.222916078794,0.0473394449761,0.694405489565,0.0723069313721,0.835111042177,0.877104686595,0.395795831049,0.22987655586,0.0430955281641,0.209050834404,0.624122189751,0.628091137436,0.150274495814,0.0943377359084,0.284503454916,0.837680792744,0.169829426996,0.219519621204,0.779958185938,0.331796841802,0.264895500408,0.934360598293,0.729607093937,0.0590478234266,0.548845107591,0.585407398585,0.457921312794,0.751612594751,0.440657047973,0.440094386017,0.305766006396,0.636266887151,0.014329391211,0.315360682118,0.949790461318,0.672181192277,0.989413879766,0.425338080724,0.434792635819,0.316361750417,0.701702797983,0.108766047884,0.0256232954605,0.418389301598,0.26834695496,0.66788396258,0.795626911582,0.673563875388,0.671503025779,0.123300187583,0.813489137343,0.65130257335,0.690531059453,0.596159123298,0.861339420904,0.51041428077,0.0479832665884,0.224599799388,0.68212190947,0.451532747431,0.491887876736,0.250547664982,0.0318515586824,0.259909841065,0.178169390775,0.560471890728,0.841121492124,0.602568450832,0.922843296757,0.653321531465,0.000354511822752,0.456987886217,0.715798138165,0.996557571315,0.197582125786,0.592833589393,0.808789343908,0.133350151359,0.0984703145361,0.212281421825,0.144332559238,0.359298101229,0.759770324055,0.254573669977,0.399931772463,0.705188678161,0.75968592233,0.490384838049,0.538706108119,0.787943087179,0.339559950819,0.471453084776,0.431017799769,0.916976024781,0.908857113759,0.00382306362763,0.86496121402,0.0660214276542,0.952440986433,0.851078626126,0.602101615645,0.605630237023,0.16965797109,0.0892381850406,0.586524860572,0.852024830083,0.665658517908,0.451998395585,0.255299335513,0.370031566205,0.387423469695,0.0337397103239,0.0490306817417,0.648815522166,0.844120133367,0.786358955928,0.71127879827,0.496922547169,0.779712319176,0.696016388042,0.766809094146,0.13696580792,0.391456312773,0.947433392332,0.117394593706,0.917660427681,0.877566121088,0.378281003376,0.88369462002,0.440053122324,0.555878599424,0.570552348972,0.0858254912308,0.876784414866,0.341637801677,0.193929653758,0.760961913432,0.698993271687,0.112264506976,0.12035600075,0.854484138506,0.0315930847409,0.702074595329,0.37958731583,0.175212996054,0.106428662424,0.375197124755,0.870790110398,0.423950742012,0.719676785611,0.519383624687,0.97755173837,0.105100587367,0.633751059114,0.234504596571,0.773286448194,0.306027604451,0.256636320502,0.388752396107,0.695546909033,0.594511031244,0.280051980573,0.430919392689,0.894702857429,0.133673581356,0.644133741043,0.754688898465,0.454808047709,0.246512208219,0.45757209048,0.158813345364,0.0369760222204,0.745130361592,0.854494536312,0.347244381807,0.274675461039,0.112993345201,0.973788486679,0.79280724288,0.955023669875,0.835710163315,0.373165673089,0.0335148999674,0.526816965766,0.486547267068,0.469551277486,0.35696939656,0.231692191198,0.229059586889,0.418947700994,0.939896624859,0.898105371838,0.734463647238,0.856048872989,0.602969497891,0.398127740661,0.639683365302,0.280147596781,0.750774757664,0.5963106574,0.37250345676,0.147400393976,0.863610352927,0.660297006994,0.36789279479,0.934009122272,0.912138274243,0.53014195348,0.330441026366,0.792774298981,0.966603235535,0.209378532101,0.236779512502,0.786576139183,0.366032917175,0.400147364627,0.0135647757674,0.525214607459,0.858788614614,0.327912511006,0.479695588323,0.92907931996,0.603645485433,0.485499992009,0.490538817786,0.768656650721,0.27080271697,0.422557444047,0.719747370506,0.660014213126,0.621765746404,0.845517289756,0.0964057178551,0.488354685066,0.772232394498,0.958197188531,0.0903125891424,0.865856813563,0.497305605033,0.925586318447,0.348112666568,0.0240277205631,0.680472458908,0.354713042409,0.844318615258,0.919805420861,0.713495077753,0.553580952558,0.74208891955,0.852063752575,0.728412398772,0.618899619136,0.0625824841297,0.198522245324,0.935475836303,0.502637683493,0.254880867939,0.22681899898,0.340179335394,0.252869560784,0.670858908884,0.0199138900322,0.679425084912,0.0716425481679,0.38938682626,0.845493560409,0.768149943689,0.042837411081,0.0437867410248,0.392938080369,0.705161777234,0.177535518621,0.526775108383,0.890243073776,0.274572765209,0.356782265139,0.88515153411,0.530671870811,0.198818306865,0.777095102395,0.640231423419,0.865018877174,0.761036905478,0.65668488637,0.335241216886,0.106987229712,0.0973649861558,0.535284547873,0.083984388921,0.383398933443,0.569734210911,0.38851975311,0.673644361135,0.414786864878,0.709356903772,0.806124841514,0.958827584533,0.508211999329,0.289902118913,0.0790801943746,0.491982349349,0.24794057479,0.370520240102,0.299572605372,0.332116852293,0.0097328281664,0.307570373458,0.085564885918,0.105470504901,0.953425770877,0.716746017747,0.987061446094,0.144935169139,0.915424816707,0.725845483509,0.295206158387,0.75406345491,0.244260157981,0.3136696672,0.780994618443,0.130594702377,0.479593155938,0.25339111996,0.709573487311,0.990716068554,0.382636090553,0.651975731945,0.363344876312,0.525583884451,0.140219337416,0.379900950806,0.550241590581,0.172800156918,0.250336813275,0.32763580409,0.450324497563,0.358901903962,0.107028103664,0.433850419336,0.186257673436,0.571267580439,0.390203131483,0.832217865153,0.145234048944,0.758923121507,0.378848449305,0.351139719585,0.964673951691,0.19299714988,0.570611887053,0.0861504975914,0.891004822726,0.858811404742,0.825051370486,0.561256696574,0.966726891102,0.00250455620412,0.0702776867313,0.836275284173,0.535584546277,0.476985953589,0.493215743259,0.372979001204,0.580659539493,0.332052224861,0.999416009285,0.503749187808,0.972645249961,0.95325717537,0.890548626088,0.440251679263,0.230229013437 0.894254668055,0.0229050697991,0.344501952461,0.296410385076,0.818434087988,0.972268962565,0.996957161853,0.262034799987,0.975124437123,0.707788811141,0.902198168851,0.208550086604,0.00397202387255,0.663148008339,0.620252631916,0.127290105534,0.637514256099,0.737264704091,0.32362987455,0.750871505748,0.0311399451037,0.922966392435,0.363653774062,0.578627030263,0.0517565897497,0.254967945992,0.741473777409,0.596750034448,0.694801253528,0.767820392358,0.0471633270121,0.169990378512,0.603373922316,0.243208179907,0.822453590255,0.494218513299,0.917975636309,0.774219033189,0.0551004942739,0.603441222645,0.0580331182493,0.394235132703,0.326517033087,0.509863025918,0.736380575222,0.6423941864,0.64688431658,0.729671332395,0.278300007658,0.914417119054,0.725849897167,0.014578749004,0.791657701593,0.767011186295,0.986603670023,0.701406168595,0.115255445266,0.2729567351,0.0188787623887,0.371740967607,0.702093890759,0.402977457512,0.789806890248,0.61265340451,0.230782161399,0.0145840624078,0.727697926465,0.969367638613,0.0642632804368,0.865844255591,0.302025820381,0.035617720666,0.843093121943,0.320139874911,0.44923553844,0.723343124411,0.545480568673,0.611618522355,0.767304098305,0.651505432958,0.744933757865,0.899709318869,0.315535490815,0.26558137516,0.66386258634,0.593808971788,0.501756819584,0.956418365535,0.268752953984,0.649837716081,0.510498199875,0.206268264042,0.417043804964,0.890671805451,0.27205392257,0.0704694249252,0.349945514288,0.409497590129,0.976365220507,0.917841340741,0.444356892917,0.110902841563,0.808086117755,0.0727992308163,0.377932019286,0.925703616282,0.0496021118637,0.709450580504,0.798168877591,0.357879272629,0.808844652979,0.722074587348,0.258032039289,0.499149290884,0.822513808444,0.823907339769,0.913520430612,0.90468015326,0.787732181991,0.188914687028,0.246257652024,0.457966742587,0.0547857438514,0.0996669293126,0.736554441079,0.160924279965,0.391293151507,0.518619117301,0.284489772348,0.673198025656,0.72704228889,0.34346656084,0.378891989368,0.852816693609,0.221665564988,0.952169802045,0.168620337296,0.911896479846,0.00279674484266,0.95334685389,0.928729783808,0.783466631275,0.625257884498,0.616530822491,0.19394766801,0.734158421902,0.817311053622,0.253336169956,0.796969007089,0.982246079081,0.649220109312,0.153592085126,0.126366799666,0.502706655801,0.980244625217,0.678502474361,0.597866364105,0.309550850167,0.425829690529,0.974300351133,0.0344516986674,0.632934452328,0.335901914634,0.664846047696,0.463466330203,0.170287759204,0.913018155206,0.345197392068,0.713655357377,0.0947662331297,0.608491365095,0.146906251074,0.411233002541,0.56158527848,0.306978354019,0.83633101701,0.208144252618,0.348065732161,0.930420469658,0.308945076712,0.307724649613,0.0948738838147,0.563628901141,0.979297775587,0.231353441831,0.440863811462,0.0367782878909,0.416812529293,0.482515097384,0.0279537209302,0.874144383347,0.616345654382,0.0475349739358,0.147091981182,0.67855377834,0.010569147956,0.579735748478,0.344513026477,0.132716044439,0.300943775738,0.900151298894,0.331783262339,0.473020653416,0.00505901354816,0.119022875344,0.851477356476,0.778574412712,0.927369366306,0.942472570433,0.707748800533,0.0799443567223,0.869168219781,0.942272752075,0.774782992311,0.570936508962,0.330759734777,0.881563883876,0.560239025021,0.619154281383,0.300411312643,0.969123752056,0.829953105297,0.938413164545,0.407841271528,0.816805274833,0.854914058139,0.694157699658,0.762243727558,0.51657624583,0.415747352363,0.986780464013,0.849884004002,0.657488660652,0.556464945526,0.0513125373565,0.977749496828,0.472920187739,0.257258302616,0.286007895785,0.921792895629,0.896184994917,0.418905533536,0.954244489769,0.74009370835,0.376034856491,0.269043932821,0.577192715107,0.359165455596,0.166217611995,0.299177162027,0.497848428725,0.553717894205,0.479386694572,0.613346057972,0.666032573862,0.540914107524,0.311692487283,0.859365414898,0.283408935691,0.189065204235,0.470053250246,0.983994111689,0.280491059326,0.55344302636,0.855788976954,0.854261014151,0.693549311145,0.297549823591,0.928346851037,0.381163437142,0.553381000538,0.69771836181,0.34202373953,0.432562156693,0.195688771451,0.644567219913,0.783413535761,0.743631868064,0.00608182186057,0.203783664444,0.415074953468,0.189143289854,0.0432749398121,0.524453091974,0.938501944177,0.119274416046,0.132935885378,0.258094919265,0.522974684529,0.357268206645,0.988081875669,0.693541111583,0.0469770104585,0.877116552061,0.0613537149969,0.602533978113,0.625676527259,0.741570970759,0.592365504103,0.235635451013,0.161819662699,0.606264046271,0.793598198368,0.556676859338,0.0646376541512,0.563784041886,0.784936758523,0.859595189881,0.707306724619,0.761150318257,0.185196956694,0.617915261253,0.536188420662,0.112355946923,0.160557967505,0.392364018464,0.360382134597,0.367452523842,0.18513533545,0.862206023139,0.192153301968,0.12485503611,0.451252978783,0.795939629798,0.0981951073082,0.564363455366,0.925378394295,0.0155921713606,0.32071662219,0.448365398748,0.0182685799497,0.612681328603,0.505002401093,0.353236689224,0.208303231804,0.340673620545,0.0534709051496,0.391537738849,0.264053662951,0.161406231715,0.018426606351,0.716711896822,0.274384599756,0.495964924924,0.780629849285,0.930139104101,0.161384327934,0.234777627429,0.0369601076559,0.59996977517,0.339038420845,0.448970133351,0.534244354182,0.19339816669,0.556208507588,0.53256793427,0.124106838963,0.485431035208,0.631838102556,0.49296188981,0.897376354347,0.165237427813,0.709155145451,0.680520053576,0.463243592854,0.760588757413,0.00886827035352,0.308800787701,0.244140132856,0.169305079207,0.33683881159,0.347034206513,0.885110998411,0.231920681505,0.74675718848,0.192208096168,0.803788688092,0.863220022899,0.71351885786,0.882894092835,0.0137559445021,0.0154027546301,0.699933910009,0.139832018228,0.0242526937628,0.0579369684062,0.534145785055,0.33039439122,0.915065143363,0.545747794213,0.304444528623,0.342884504649,0.547408634398,0.753021772306,0.490465943998,0.894824806037,0.18222489012,0.0637579127734,0.658341359186,0.961324616156,0.794255779191,0.350300641453,0.113683202973,0.957452970943,0.251140082462,0.167981578067,0.467640271841,0.589467581412,0.527629218145,0.613809175371,0.617231007509,0.0997443697092,0.0622446916057,0.638006199313,0.65149621981,0.77109256018,0.200237759657,0.87389487655,0.525011603941,0.432403519474,0.98002462614,0.621076197716,0.950938073526,0.130335425314,0.490144740142,0.923649486805,0.611251878274,0.260005309025,0.689861360402,0.196151891361,0.159293348268,0.612442201077,0.639393784071,0.30532771232,0.740031061568,0.926020806271,0.34247681939,0.072067651306,0.297039803225,0.905315663717,0.521758184182,0.0275488736696,0.0883816590474,0.290179482078,0.0102251751865,0.433738419881,0.632599706215,0.275517901026,0.870116823851,0.965967839067,0.851335127354,0.455904826257,0.699352222004,0.502432898231,0.252306702018,0.463715620919,0.418730942671,0.461741052474,0.378214915121,0.979471680171,0.305529895826,0.791474713307,0.698331866416,0.851638064058,0.720095216068,0.349416874953,0.118035377803,0.676316410008,0.888931129386,0.0609875720962,0.743993708458,0.993557859756,0.10207716248,0.979838230545,0.0683742465263,0.553966331375,0.184722324346,0.535635573063,0.752543718034,0.920061112272,0.779146904975,0.0783135829454,0.460876402592,0.363928373091,0.800377337589,0.129103198851,0.978468058545,0.91521741535,0.70548433079,0.36129812453,0.219439892524,0.726038963201,0.277123225735,0.666453940436,0.620103754127,0.920067865402,0.321304166703,0.476031302295,0.157372849835,0.9498599705,0.473351238104,0.124259837989,0.943962796714,0.771453714634,0.917312858608,0.452935791357,0.330368386361,0.172414457723,0.44648561514,0.751258552956,0.369251825013,0.307843170999,0.71841190978,0.619930290278,0.360427230622,0.573635652002,0.00460623107553,0.844228338951,0.724641112107,0.194084556855,0.931532826479,0.614167621499,0.0525689627334,0.494067714677,0.510186507735,0.310453151495,0.882186596598,0.76455874428,0.929106694359,0.0637259763781,0.483963867909,0.330194039222,0.326637917929,0.354190335981,0.691615093071,0.974853200956,0.153120845791,0.567268896892,0.978631978453,0.045829747191,0.440329302491,0.65924589125,0.917809136568,0.811111344053,0.761381231261,0.901987091955,0.0590751932799,0.654772988313,0.978756469894,0.996656195,0.254083115956,0.54760926373,0.590783355818,0.493523276661,0.390773054237,0.0791426143114,0.142208346279,0.84135287112,0.763994621786,0.918061148046,0.873616273749,0.771373488029,0.444632645239,0.964742429826,0.0662998536758,0.48225356051,0.0673966480897,0.233099236831,0.407042236321,0.886373934827,0.554379919733,0.100893034123,0.981689216754,0.945188312267,0.502332040548,0.734655974307,0.205761698627,0.133847576107,0.489686966863,0.114851622328,0.200365104534,0.639435589778,0.527860436203,0.216230694379,0.531182384403,0.23182481323,0.141693643869,0.64640523002,0.821563094713,0.62154184179,0.463081819344,0.295853360379,0.925903332018,0.295645518043,0.540226070909,0.5662272844,0.610248057894,0.781683114891,0.792076081664,0.880140623788,0.946850265807,0.947783864613,0.604084104127,0.208652365795,0.9374679572,0.246217571449,0.663856233288,0.777296030316,0.564554848027,0.591441642643,0.688788360367,0.270613450273,0.418383650101,0.37289412442,0.318711756184,0.986456280546,0.393234887768,0.133111274937,0.357723412467,0.969895181099,0.511343124091,0.751844710499,0.354960687688,0.909500955822,0.319815873339,0.121286499984,0.414601037405,0.668871718359,0.207636957478,0.917020122051,0.125758235921,0.681868308113,0.112684263216,0.708250308838,0.058193448429,0.482099153453,0.981202023974,0.698122781245,0.749758716398,0.341537740145,0.492656421636,0.604376338333,0.155794186887,0.258799249718,0.119186492404,0.868997730939,0.848452483782,0.585701506074,0.700747077127,0.790439565152,0.329518661819,0.349684296036,0.250698949019,0.0714047723862,0.851697594736,0.217229107738,0.151862310843,0.7626666306,0.101375005041,0.429309287497,0.0105463136874,0.842420867764,0.455852561221,0.212070914255,0.335616613024,0.629726547647,0.244966608258,0.786512715619,0.117806220373,0.477609959344,0.274488010923,0.297435472281,0.901096539485,0.100345334409,0.81598578144,0.416874997552,0.2890318581,0.461737374011,0.286128838899,0.700293576316,0.725292029759,0.358576168395,0.433147837107,0.333949337705,0.894060480092,0.993765226341,0.316490100978,0.765922191385,0.612688702072,0.156968579853,0.376068845547,0.309352259496,0.996570233959,0.259455024112,0.71568772777,0.194807199534,0.65860585439,0.797421917307,0.69612283618,0.998626372835,0.102388226076,0.0699189508339,0.0677271045453,0.423614892064,0.104611196292,0.451880503971,0.287839736518,0.89020974047,0.59201091451,0.715184205088,0.774115808607,0.522914358625,0.803800967294,0.798644792692,0.183439676114,0.904828432504,0.396832345341,0.383186336379,0.851434913228,0.837878068756,0.0290753695174,0.502202968802,0.927581454471,0.668159966332,0.434534113699,0.595441541982,0.630525758986,0.784960468721,0.902873497378,0.555933931004,0.639249264308,0.0674261035775,0.950010033202,0.929262391402,0.149482704431,0.999997862969,0.916846963883,0.576521899779,0.938333289809,0.544022610012,0.573701737753,0.969306010424,0.571326423427,0.772847030158,0.503690078895,0.97511004914,0.187635505848,0.968846307494,0.504816054142,0.0519580166423,0.993641212671,0.332907181428,0.889500479391,0.0990993264917,0.726663536895,0.530142717427,0.76542253384,0.700720057737,0.40118111446,0.510778325297,0.295882950597,0.755580303363,0.0157423472897,0.421683417673,0.224159197135,0.161455409077,0.12762960413,0.604839123731,0.373926031244,0.386739804406,0.175990266212,0.0398675621112,0.326488906016,0.776205685889,0.0836360974445,0.764258363093,0.175039468922,0.817183387989,0.951508697893,0.314309649629,0.0739307861482,0.597775771348,0.724722682434,0.710030982144,0.153140517176,0.481516462232,0.4076445977,0.782629525459,0.202692885173,0.3679939283,0.182694996664,0.287571961111,0.389169059299,0.675564082327,0.390374141752,0.847323441045,0.469997993678,0.831387844378,0.236664049191,0.415019905214,0.0749564521903,0.0589970424225,0.915354639111,0.205616274105,0.00158575541203,0.851016991586,0.758946187372,0.568847213421,0.585155638715,0.263312567901,0.703195232132,0.228781284697,0.580204410339,0.576721814174,0.979121814752,0.42825428157,0.729171403356,0.104659587638,0.0767628568724,0.737375617994,0.320085671856,0.458569870033,0.690707593841,0.618407168873,0.454237335742,0.25601130162,0.864883975825,0.734688783075,0.648669017942,0.762107799092,0.840290821058,0.661175489688,0.316005765498,0.580264090877,0.381623274136,0.456514562187,0.201866170224,0.976170492955,0.384945307306,0.0193425059338,0.840987453638,0.627240638428,0.361995050022,0.944263333057,0.330428415082,0.68578025398,0.131013923295,0.348576751752,0.0925748061984,0.527668681212,0.0534993678756,0.283271576012,0.832684406919,0.810886721592,0.617063403397,0.857915702907,0.802929290452,0.858131077836,0.21544497594,0.50094333913,0.585690455003,0.420424820764,0.685350259537,0.558151496637,0.0559098860294,0.241401739335,0.42255776002,0.757796350606,0.400605019608,0.0413680290716,0.851540500765,0.122316016313,0.73678389137,0.44852688014,0.285208042506,0.0911881271606,0.713946407618,0.275506790973,0.204581663366,0.29980106116,0.347466108279,0.829080311175,0.121043931568,0.145946072179,0.311298221543,0.598493164876,0.747704282869,0.0102350510649,0.837902411504,0.895250913627,0.0758749187079,0.411724086763,0.942922983625,0.305469156333,0.92540140687,0.211260697346,0.49204200005,0.469412262425,0.253473736078,0.916301008371,0.556807169206,0.0787733379502,0.626880512906,0.922054955592,0.119043290435,0.543332830564,0.99635043934,0.750576319908,0.0721937986291,0.936782591209,0.746771525374,0.964898059508,0.278296848964,0.4980554506,0.0308025432189,0.578343684442,0.572354707809,0.314008852812,0.22848612754,0.676330366159,0.552874543148,0.358924343598,0.650016289443,0.87276278956,0.678451773141,0.198202732489,0.468071951688,0.178144145621,0.695538029245,0.668632585508,0.687689879075,0.237721393015,0.418302096574,0.615026551881,0.554987172443,0.743437030435,0.272434149684,0.553321732911,0.192614502469,0.170457369576,0.890766056066,0.215140712562,0.556556419947,0.707593142618,0.518899431928,0.0602084183867,0.562805442192,0.409377498517,0.842579289675,0.852669170097,0.653196817501,0.6872691455,0.245901430048,0.512240626259,0.386832206061,0.891136489166,0.0546211456166,0.20826327161,0.409448174751,0.518983556519,0.864575062529,0.639683970461,0.606569626285,0.451765967287,0.201317196166,0.400149987233,0.583125933564,0.654596296484,0.270026613417,0.833899092899,0.582698927762,0.833485502259,0.170083573949,0.803494773687,0.822307298392,0.587266904694,0.163058720677,0.154484041999,0.717236817695,0.585846844214,0.831931975601,0.0675845917747,0.179584328848,0.944090294201,0.223652053417,0.229280239794,0.118885736849,0.982956428602,0.976505639493,0.283068591741,0.910982742425,0.804537279557,0.553862287704,0.109340813002,0.682008923503,0.842591636863,0.625886270113,0.661595443842,0.514077086314,0.821105544918 0.184755555603,0.447299350207,0.251416694575,0.847424425672,0.476860123275,0.244798119907,0.244819580348,0.477385688684,0.24053611466,0.0953850286878,0.74390840327,0.348583219222,0.0154792854451,0.905640361871,0.948620807706,0.697069686115,0.645709335114,0.324300667515,0.469499843576,0.146071728006,0.860993832407,0.45482235357,0.213814701871,0.718128209401,0.333552164178,0.349880718782,0.28633361849,0.967793409125,0.184933537755,0.833022888796,0.143686886386,0.00613553598886,0.875128241785,0.982237274539,0.347252087093,0.499579531674,0.030967207829,0.931751701812,0.141602419771,0.0640199907945,0.728353713677,0.832810868899,0.481231860183,0.683510861419,0.794348739283,0.871312917207,0.876940489334,0.834826456312,0.930805313079,0.841871628279,0.445188946647,0.334002047005,0.170034015593,0.331933758405,0.778816009932,0.0566460371877,0.0458090716582,0.795663802354,0.429484856252,0.175331491197,0.808427657233,0.789637505934,0.203581339528,0.625577100808,0.966359739127,0.114995961615,0.448782939213,0.897513005202,0.650748291372,0.699830405346,0.0285497533996,0.266406988016,0.0182421863698,0.239996108593,0.617242639221,0.389124751143,0.411399190388,0.126504253687,0.0702710931414,0.827870102087,0.711854957445,0.883203498135,0.467792083649,0.266960656967,0.186690734904,0.247474299163,0.499760612324,0.0879532131998,0.369080128773,0.177133989673,0.810125704139,0.309016612932,0.192999481957,0.842366473565,0.508468972351,0.700814952536,0.820944077368,0.80721849777,0.952602537513,0.71373855626,0.134356982381,0.0360776335959,0.777328829877,0.676787729006,0.678185447361,0.499419153834,0.281066901194,0.726575708145,0.871547246666,0.554242547404,0.04312233955,0.548699831796,0.458624188253,0.900851355166,0.721314526713,0.602866109392,0.265654305729,0.887072952221,0.193774045107,0.586451997428,0.238897152002,0.705563937582,0.102470346434,0.933905405105,0.769368144978,0.0399165157727,0.0919863748351,0.36381654414,0.296085744323,0.0751482969152,0.266975297456,0.743179334021,0.346306685627,0.160331055073,0.722575227082,0.855409346824,0.672238852461,0.220693170134,0.299407742672,0.0191848010636,0.951076106823,0.498787327961,0.849507136153,0.229163853833,0.654927318379,0.743086605744,0.967194781712,0.686688787675,0.267334661404,0.266232172043,0.436226258444,0.65590906255,0.40925869496,0.86362226436,0.533865096418,0.926495759536,0.378943793072,0.311219836974,0.157735719231,0.42641764656,0.843934635948,0.392383973115,0.758461140203,0.227363194367,0.0211356873288,0.928403022825,0.985822282562,0.108990622715,0.349586524193,0.221767325884,0.0436009143173,0.580696736282,0.997341326212,0.238893028469,0.552418818014,0.0203543395928,0.0202298329986,0.0394928109604,0.133910607511,0.385042102247,0.770825313905,0.615640795256,0.667082736115,0.783459059644,0.371481489735,0.278644807765,0.723670624515,0.994926834985,0.355963240116,0.583840594085,0.512585841045,0.842901955758,0.644877077392,0.989251035108,0.634928840822,0.314021446872,0.368344742977,0.969225662331,0.917202226633,0.302574685328,0.480497299492,0.857578019915,0.696899168843,0.823561814099,0.55926150939,0.369013440094,0.153536408495,0.0355589625259,0.808648281239,0.650942069599,0.0131985570355,0.424215137027,0.508973954274,0.31096291168,0.798427973496,0.0240003815848,0.779416241033,0.507877780876,0.202774517299,0.166336925767,0.644572937809,0.442193527387,0.473792377574,0.648908250279,0.529050488145,0.961847667966,0.591582476559,0.0637262878816,0.496442811655,0.197781684503,0.335498107539,0.0609184885526,0.382875446821,0.693172818642,0.668107062928,0.76455345658,0.0161656647286,0.0808428891307,0.813119521708,0.250305900106,0.609318363356,0.243254839445,0.305729340903,0.445990334767,0.360424706303,0.76804718262,0.591992181139,0.404912421465,0.28402688728,0.421641463432,0.960436448391,0.753137668499,0.317067520048,0.457742913215,0.432091213025,0.725177457432,0.310796072886,0.797785123625,0.938190263295,0.267300010068,0.298278314025,0.389587611707,0.180192941663,0.122451761713,0.387382342257,0.275935375033,0.509577204134,0.63547758059,0.503795382147,0.268363304585,0.923045886208,0.668661405348,0.966993059297,0.055184977778,0.891812570933,0.880219795976,0.408108770231,0.00263427132703,0.763655272911,0.602265922937,0.971491855612,0.671595553504,0.397150820651,0.842196274905,0.700130580766,0.891578978619,0.599103656721,0.367079111409,0.56966997328,0.0929270991321,0.754361160077,0.725903440754,0.746192829228,0.158285050917,0.80164384207,0.864391473707,0.0879501328559,0.544872607643,0.393675764047,0.210757667271,0.810901991822,0.437846687404,0.233235161821,0.0770581309688,0.786193070773,0.309835128012,0.285199410244,0.907431986332,0.433828358399,0.309709322421,0.626547365859,0.00418505898086,0.864949700688,0.0704442273658,0.717774725203,0.036217995322,0.697118260865,0.004629743472,0.491904015093,0.801698252825,0.544539982518,0.718709026036,0.989587134067,0.686095720353,0.718600098201,0.381484623277,0.216928692446,0.829274857378,0.0379455996314,0.211375484367,0.771737291794,0.936284856337,0.385269343391,0.110638878347,0.240995286802,0.0802133497199,0.566789087745,0.00507321888782,0.661862232874,0.35474639933,0.723290000451,0.544373546339,0.793781791944,0.873565832015,0.971139434393,0.867009722089,0.527062390367,0.223249878202,0.872038789609,0.812072281278,0.48823011784,0.839028722273,0.462133548692,0.966359802389,0.0779991489896,0.488660463838,0.518636044995,0.70503674429,0.0591062959935,0.185435122831,0.328235737083,0.509288682216,0.308484574174,0.409987451535,0.100265988384,0.285887302726,0.138925791141,0.391653492545,0.248311176007,0.663881836913,0.381613644609,0.446888941797,0.723178843663,0.252497807631,0.341703233673,0.0245600482868,0.413758754494,0.966625632469,0.257621185299,0.660806615916,0.605276849802,0.537487225591,0.147253377343,0.194555917222,0.805865790532,0.968880013384,0.177472252964,0.56318095359,0.394979665224,0.21779691995,0.352123487305,0.861123711812,0.277382484055,0.921710156072,0.725715907895,0.178595311051,0.997677754478,0.49071852318,0.102783321513,0.367155739783,0.434142394732,0.998994449435,0.874222347965,0.303856472377,0.478741478035,0.431109371408,0.532181381794,0.608838989613,0.989315537417,0.336819830055,0.292546228887,0.392716160045,0.15410589121,0.752837363346,0.449860716687,0.534732742212,0.654633889057,0.41005257133,0.62516179618,0.213215608749,0.779447314619,0.904858234783,0.352236928247,0.888786069243,0.327696453926,0.744296651406,0.584474987779,0.581526375246,0.669317417191,0.0344704722221,0.978658938594,0.278453264551,0.50468484294,0.670397198471,0.759823009267,0.477928189709,0.622194434515,0.125220922386,0.548880595295,0.335661429972,0.568055814127,0.569082280564,0.841714680066,0.892429212748,0.39072594965,0.641541417545,0.981615631559,0.203967011505,0.645090874782,0.585495157354,0.504912879931,0.556305147375,0.28030281177,0.153735244535,0.431728275797,0.900312286766,0.92109207872,0.289057105525,0.257379962198,0.109706480212,0.679885314632,0.516268632613,0.579953260372,0.936451540406,0.313414565332,0.764402742469,0.713591338153,0.439869168719,0.264850616927,0.573753527073,0.107092685909,0.960024214126,0.705571549485,0.421985692261,0.608032423946,0.454823911321,0.383973709766,0.34159532454,0.00608435287043,0.0380318631646,0.704194291191,0.680582523158,0.201096085088,0.84170872672,0.490804394861,0.304135209757,0.359013628682,0.0189112640665,0.174958570304,0.277152208824,0.702888539017,0.307050463933,0.781596939157,0.521433005097,0.821191715448,0.721871931429,0.840043834084,0.148153292638,0.811793262525,0.0131840704438,0.921586473103,0.478502594191,0.670637489358,0.0293149080176,0.484008290165,0.274079315701,0.406204778063,0.0443094089763,0.4032096945,0.865320328025,0.121252251874,0.192208023302,0.650535206432,0.853436865916,0.472607825231,0.538936088786,0.254288634611,0.254227478816,0.81625714127,0.100208114647,0.548725485514,0.195800015394,0.123603824847,0.322429530382,0.385804601701,0.238629540371,0.333226793288,0.282766749051,0.309433100006,0.442784575474,0.37607675037,0.19771903785,0.27448741951,0.033631042423,0.103505291876,0.0715580704278,0.633043104289,0.805040003659,0.57067720398,0.601517073953,0.789540820138,0.0878564004813,0.519675443351,0.829528585679,0.194677491505,0.348217095013,0.756024760946,0.630059709051,0.630954163017,0.139659268791,0.1938956771,0.205568994131,0.685776760327,0.584850470635,0.738201876245,0.47227563155,0.234707072008,0.614711464286,0.295224594914,0.364091142575,0.0783095565398,0.0412973898705,0.800181404104,0.498978538542,0.372489390085,0.443126937825,0.700273441622,0.754876002504,0.487157793316,0.342886397534,0.357851333549,0.746234396524,0.0451326521526,0.107109677355,0.519394334034,0.991502186287,0.00712467069794,0.874354961975,0.353891777517,0.57977460253,0.814022220908,0.972370948776,0.544635924976,0.854550494354,0.96426697857,0.181825571241,0.599743874766,0.276054508628,0.252633630871,0.722578523998,0.639576149635,0.14556619103,0.283567165118,0.339946212341,0.954273400077,0.960921971805,0.107357964389,0.51915323281,0.0465857595232,0.0642068785203,0.207756389668,0.382498367806,0.670234618521,0.276790182755,0.691115198709,0.772704196731,0.865552790331,0.130080076005,0.0571270566573,0.700415264017,0.771887634428,0.576529094536,0.288397427635,0.0723179480745,0.355790467676,0.12117195577,0.0675239843404,0.792083870601,0.311034766939,0.0289737100937,0.744858046771,0.541595902273,0.314750650519,0.844002972076,0.393488663161,0.54480887832,0.538982027345,0.391630113514,0.0591991199814,0.793213249069,0.495551160601,0.48811581866,0.546700508517,0.847242701069,0.902491726218,0.879720632275,0.815608742096,0.66844716652,0.843958395124,0.856369115327,0.343826743446,0.5683504238,0.502971762536,0.0829949647014,0.72915829281,0.989974555765,0.276036999075,0.451877796704,0.0379916683127,0.964199302709,0.0798620622836,0.260525173631,0.438296259985,0.150168379609,0.339737340106,0.205510882257,0.663602104118,0.942864963248,0.87172105,0.225142898928,0.230168424573,0.787338973041,0.57344991227,0.312379647184,0.85236826437,0.58458971549,0.61684692403,0.746034026407,0.329828251246,0.395564396975,0.582472488749,0.929286305347,0.0348102476568,0.901951287238,0.247294865813,0.149732350905,0.358288330361,0.892618869395,0.198168548226,0.533016257183,0.0450144490452,0.453316187779,0.829222306203,0.579084942107,0.296731592285,0.45348546486,0.382787440856,0.138859525939,0.651545065055,0.155340754738,0.595406849844,0.897640265105,0.769790555754,0.327706312857,0.192227039076,0.0285407993046,0.0652498377088,0.108971363103,0.634605773124,0.546048030418,0.195997569978,0.315893224019,0.80161263243,0.444227115987,0.952791105406,0.580341958048,0.0207385518312,0.616747559244,0.687926491633,0.326401139311,0.518995733449,0.0721294530267,0.654755226066,0.632120183609,0.898797624134,0.205174630224,0.00234871558677,0.223339050863,0.418093007224,0.442947743121,0.728147016476,0.0167052788186,0.549620981129,0.642925477431,0.249268339931,0.730783983119,0.112986523086,0.664908360644,0.638137326724,0.280614372391,0.906943062363,0.263566521585,0.810838484646,0.523329990576,0.500223095054,0.57543521688,0.964900097019,0.779042682601,0.346383584031,0.0650136985282,0.746811078157,0.159706249886,0.86024659977,0.58271988414,0.409128938603,0.576484346356,0.430917821315,0.205633342662,0.94165347819,0.34863450134,0.101027487489,0.993945210189,0.948800645731,0.751002010281,0.535630333439,0.366557816874,0.0728464224024,0.9481281459,0.34493558037,0.457392393524,0.256733813292,0.77364015982,0.260244643948,0.350818716983,0.344815178934,0.238473676714,0.75437945606,0.646881664426,0.0370861490554,0.704467318804,0.682415392385,0.81015406213,0.518394588214,0.735845757633,0.650221063771,0.603164098454,0.409647501221,0.988716724299,0.879259627514,0.791454863696,0.541250216795,0.226798642912,0.0566098161885,0.551718883196,0.15683818203,0.985188972186,0.678904670335,0.186390567323,0.772457039766,0.54748553634,0.964951711347,0.391667119139,0.0762352974,0.730351017264,0.399726993778,0.787731915807,0.312197241114,0.485613376664,0.412654702375,0.92000342204,0.65420446946,0.324880276796,0.573644093343,0.592085697403,0.96970165964,0.394288608142,0.0976145471707,0.53445489294,0.727700434795,0.174716791107,0.98188292725,0.288709275334,0.861416686853,0.303398851879,0.797769584156,0.210863645507,0.984097433471,0.384011745268,0.804959747221,0.430049530415,0.555325018971,0.55435112288,0.147803452116,0.811578674098,0.537505585465,0.319395343438,0.764718766501,0.960012181713,0.689982635437,0.156102121339,0.758277957784,0.848088461799,0.240296797628,0.149582965765,0.306338539637,0.803105469043,0.907493450248,0.906475953679,0.52383546935,0.156636269835,0.580806781932,0.619274013616,0.595082730762,0.409864562978,0.266281217888,0.211760196737,0.403689901447,0.104985273109,0.235310445008,0.895838945549,0.691483952837,0.185830366358,0.541739340179,0.061867139389,0.353355909464,0.0065225173762,0.863856852507,0.207816036699,0.974925682514,0.661023410256,0.962382456845,0.523156414521,0.337340250453,0.224384692354,0.407452880164,0.811530624028,0.169523269757,0.842533808084,0.975164312486,0.419354748959,0.805587863637,0.833487566446,0.759995599456,0.0769248241538,0.397693087648,0.474590661025,0.907699388569,0.0742338589468,0.31651474478,0.373601999039,0.0272574525034,0.489090136553,0.950055419598,0.926305835431,0.936906363374,0.66871326303,0.999030476327,0.250526596949,0.68985723045,0.202336935136,0.636173518354,0.283643056346,0.452839460803,0.20421128578,0.669529874245,0.878758473147,0.191075450121,0.00652971206649,0.400089650695,0.500995793024,0.502067288764,0.283424796916,0.280072816697,0.790745520689,0.174361091842,0.31600662244,0.130427928689,0.144590494917,0.52226783509,0.849106698063,0.232970410201,0.270063913344,0.56720328281,0.351247793774,0.318682044459,0.544975031768,0.475817436203,0.0663047721419,0.247471904225,0.637040239453,0.839993909425,0.141123917453,0.299834133659,0.33285108096,0.703751441525,0.626701557158,0.724262565084,0.829146154308,0.734390956303,0.582215686006,0.261924802354,0.933697250504,0.662705088904,0.753898465578,0.474725193621,0.985385412725,0.0574056186304,0.932872626288,0.365923312544,0.546707708323,0.868281070323,0.409019332935,0.736673368474,0.273197516315,0.999402258957,0.305492847262,0.721791690923,0.0178028547348,0.992341910159,0.728569300523,0.720403442875,0.844235510615,0.649685684114,0.581980365264,0.314400116158,0.931104728229,0.186678097775,0.451236087571,0.146812030558,0.397482135885,0.461350961572,0.329004260126,0.311839672747,0.521852298671,0.420324863242,0.0903093355826,0.113719909853,0.862600622309,0.516924974035,0.438020499075,0.108137146796,0.603308296882,0.432750431526,0.791128469012,0.194546845999,0.905279528293,0.767206412616,0.702304200308,0.0134834443555,0.700421648415,0.817664748152,0.717525088626,0.507250195588,0.289951911736,0.0302562392316,0.975599770141,0.254112525282,0.285175542812,0.0625269067453,0.746832288672,0.41097747351,0.265206067376,0.993072168667,0.6339266507,0.765275402781,0.881131260846,0.979046819504,0.431630269567,0.870119212232,0.357188602952 0.698243583429,0.946412673398,0.26806073023,0.248678262352,0.406092003123,0.357901234747,0.285632740367,0.525119091321,0.329247366517,0.981398114094,0.714798766102,0.150671891471,0.555634874026,0.0776622789084,0.686949073496,0.255599225773,0.203212333327,0.576559936667,0.525219061699,0.701815134862,0.475160965904,0.643610331655,0.886941987224,0.444262410233,0.941803777344,0.789382212723,0.424948054346,0.969915001811,0.596689273839,0.88230453464,0.761227177474,0.600454632004,0.390642852031,0.189528012198,0.573009389729,0.0912499903807,0.721104987798,0.174898522648,0.22787151378,0.219769751685,0.735416301748,0.408625325922,0.308404902955,0.764759176503,0.0326353770576,0.678975909535,0.730680206961,0.988786160881,0.845220691827,0.410002626791,0.652966779638,0.760781560481,0.925942557545,0.278204908616,0.364898303228,0.991543021634,0.508746021515,0.966379134276,0.20187827989,0.0134734004818,0.533404131413,0.287382986066,0.88093284282,0.461530412279,0.21857762352,0.555172505214,0.941299954615,0.901996969487,0.854164559094,0.211107174258,0.424363085648,0.456639670308,0.695609501377,0.555955190114,0.822881669459,0.677694272973,0.296784609507,0.136789396815,0.49354335923,0.202268835213,0.225130725784,0.130859392197,0.874845187201,0.410739215216,0.767450101588,0.273821161649,0.966412038134,0.0191698716413,0.892068032289,0.877434348736,0.0124205571142,0.663814584733,0.67994522064,0.848522517477,0.244204164113,0.112165727409,0.752763083706,0.722370864094,0.294341658812,0.678012938272,0.97744219045,0.970587956546,0.855588884571,0.768158421274,0.151441165328,0.695546151836,0.437248186298,0.685575933127,0.889850526958,0.444507276034,0.985269990671,0.110433966317,0.463832876795,0.596995581213,0.121929962416,0.556509739483,0.485214041867,0.470682865366,0.976165631456,0.742004550256,0.289571230475,0.302919791675,0.165622730169,0.52377692175,0.877312697942,0.984504432659,0.119310149635,0.770805953071,0.75530015088,0.103296488358,0.603481877443,0.0473335015641,0.0233436139444,0.309132455184,0.948115606791,0.842256905628,0.436407094608,0.551571821893,0.179522255721,0.649288978655,0.076051049565,0.843781026195,0.403782025499,0.680246031935,0.0738498040169,0.642306789122,0.727768182579,0.0862272663515,0.221277730457,0.320656161864,0.23034396018,0.770948412899,0.918864832255,0.422574810733,0.578523518908,0.89308243987,0.305205628935,0.313073118178,0.991114583884,0.684414300704,0.281875188676,0.646044993181,0.64356753808,0.856277604332,0.370351027799,0.464489400167,0.683691754809,0.833925775205,0.325020415587,0.713419310825,0.58608812213,0.763575896634,0.111436197272,0.365441239098,0.517870448607,0.979986641914,0.0620673420207,0.0633851489055,0.399793767156,0.277367454655,0.514584096557,0.854147695403,0.889732452848,0.75581633899,0.829453623072,0.427333825875,0.865129892607,0.560057205343,0.827095529673,0.498245965388,0.928535108827,0.734066676236,0.331141732453,0.481573229041,0.889658222365,0.48986368149,0.855493141299,0.537070182235,0.541216479843,0.841411121294,0.305045094496,0.974444437712,0.586012083708,0.753698579076,0.637699038499,0.885164788067,0.452591191291,0.413810517557,0.204129004527,0.906480421307,0.321530033723,0.512317126382,0.830827161255,0.211795888015,0.433873412171,0.67603432176,0.000150888262532,0.518250131493,0.0591167485095,0.730294966069,0.690584434187,0.17509742029,0.88010684802,0.349519498998,0.929100390512,0.180867417943,0.413187238411,0.809804970849,0.0454466700207,0.503156574668,0.289328829151,0.153933412984,0.928772474908,0.303930045374,0.71628287642,0.944633608148,0.819065174671,0.986772666863,0.67433218107,0.143148521804,0.369573665873,0.60257200815,0.0404155515215,0.628041777049,0.160237304524,0.851208348952,0.113531539495,0.247522014315,0.427934965535,0.352000608881,0.526076561293,0.276988563142,0.0759645948313,0.412929726167,0.804835440368,0.477957680526,0.291490971023,0.103646862501,0.54658315758,0.0757787262488,0.617602878487,0.9953870158,0.375817520492,0.569895859946,0.214582062858,0.947683925418,0.875406394182,0.263288663879,0.114647755414,0.885123594229,0.0394661508885,0.0437945241122,0.766621866444,0.514333426177,0.469294196323,0.0723541823955,0.0707428058514,0.102820277151,0.181295351121,0.623161277115,0.963966734695,0.573647571293,0.90533741055,0.409392916772,0.836550940767,0.0847665978543,0.844380602345,0.57012764923,0.10612502342,0.0244519803836,0.369699227451,0.91242160735,0.92583080658,0.521715970866,0.674952502256,0.545590475021,0.103331306407,0.193855972112,0.379120852244,0.528325810767,0.521297300276,0.121952429655,0.525649811811,0.165240187086,0.00371966383108,0.600264661154,0.854820964881,0.467509232428,0.913956084115,0.654140575624,0.160903217438,0.711906011902,0.942660835684,0.418265796357,0.341369602084,0.23987912265,0.10688365321,0.58501653193,0.932222472915,0.473965158099,0.025198805231,0.330286189274,0.562330706295,0.57828038073,0.939322992612,0.925522471805,0.00598912321374,0.874356785846,0.0866511687733,0.00975500260605,0.102138090861,0.754150997408,0.980718464826,0.0616353540934,0.309329499281,0.307602301518,0.6783860363,0.545398450446,0.609668914488,0.506081407424,0.241482003669,0.428752398605,0.378444899195,0.930947263542,0.026739697389,0.851940147616,0.876023292656,0.481396246937,0.3404192484,0.0843698861975,0.10258246987,0.140489023095,0.499062875002,0.151296769029,0.488766413768,0.762712807726,0.698475081398,0.914831200592,0.75120174991,0.727190807065,0.0473919542543,0.313066203444,0.248203939948,0.140286278753,0.904109437077,0.00825421567645,0.875575546879,0.909501223637,0.725602661789,0.465774218184,0.303943208955,0.617493843746,0.140355284662,0.767154105571,0.121844994147,0.72844563883,0.426337880226,0.963455432806,0.863343466094,0.413033159451,0.970695557135,0.0758511950556,0.92807440047,0.923804811766,0.922276009468,0.265245069295,0.973759692812,0.0404167642096,0.363334160351,0.919539398865,0.655828582611,0.0860946545237,0.378331225718,0.150043692383,0.440570898062,0.282324748087,0.714217458533,0.82841858758,0.73146655468,0.363617466193,0.716711697394,0.554910522558,0.592874549479,0.497658786751,0.316981450592,0.165524851862,0.095675854931,0.151393025246,0.172236668668,0.354357120622,0.696045589546,0.433040109176,0.999031595726,0.141782949732,0.161530195366,0.939342996025,0.665196096397,0.218765899012,0.334276520357,0.645837960125,0.0607058626034,0.468069613856,0.129936748532,0.986759601217,0.722172980444,0.566458331437,0.513055234059,0.454285428216,0.487709364894,0.432194528204,0.899424136255,0.327501596265,0.0326771054594,0.582164552441,0.590512000457,0.514732322805,0.745635452418,0.962376210585,0.879345499024,0.643374138726,0.329394266335,0.122242433867,0.600051243329,0.164872304195,0.377488837018,0.172642887471,0.394957155715,0.612826456165,0.878832543644,0.31149190111,0.0409703969583,0.332951821524,0.924233084122,0.256162964019,0.868787705264,0.016383944103,0.01348174923,0.360669694178,0.0481942848155,0.991011984792,0.843976532687,0.00623757700848,0.429520369619,0.833945744125,0.565502440708,0.149988523462,0.994734226581,0.993505372432,0.431261118593,0.976879124041,0.965456061459,0.162817726933,0.419103288168,0.900502916327,0.4703639084,0.0218429100071,0.124105569277,0.726299240416,0.468456325799,0.349382651258,0.826356869169,0.530761517367,0.0481707055211,0.786865174772,0.124889400142,0.816853193238,0.493192388597,0.69544270528,0.206929687204,0.884865616181,0.460740967599,0.69755550126,0.100410855871,0.012434162046,0.0748782021762,0.470947173839,0.639478179272,0.340441829378,0.807757447786,0.810981282536,0.630991721955,0.87095827111,0.0713864119715,0.865527320478,0.796498702987,0.0289584651181,0.628951009112,0.0462655746848,0.610656222581,0.495692034399,0.584811619029,0.0121382501353,0.858711498675,0.672662473753,0.675530240539,0.714528619259,0.999992977847,0.813328644971,0.44929116713,0.0656181877053,0.99867065338,0.574010852325,0.213198342405,0.742568659531,0.144435260515,0.333868327675,0.457441336129,0.325955142293,0.458215896666,0.210785994006,0.546836237274,0.937992981721,0.86795783111,0.20393766865,0.22413797282,0.296756015061,0.133012824354,0.0800336184185,0.530434270823,0.905987573252,0.208016515396,0.00117080769778,0.759183767177,0.91906766546,0.38941055608,0.10457205623,0.980044137906,0.190493127422,0.640926544623,0.183010693097,0.614892960137,0.188707863735,0.154386997393,0.11306328752,0.230005073005,0.987313375507,0.390162308089,0.286667546155,0.400156497286,0.979284453389,0.638482363396,0.982785217383,0.448876568077,0.14018059607,0.543863818792,0.797300510265,0.848015325132,0.946839546694,0.38821178581,0.938905167421,0.226419686733,0.279785110158,0.659686224322,0.435728414691,0.670119660586,0.888773277057,0.854045329016,0.0479780689124,0.236406910778,0.730687731546,0.729180980542,0.920655558871,0.43033965786,0.557274070159,0.80100108897,0.478591888283,0.70737022795,0.955863330688,0.815134105002,0.507392270973,0.278359822545,0.643780319981,0.985393110591,0.701904821051,0.344710436376,0.670553474244,0.949139738151,0.84493125672,0.838196419184,0.619111885389,0.810891203265,0.316258447756,0.837509956089,0.798090010713,0.324963803685,0.876583421714,0.571394263895,0.345887869179,0.814758601463,0.0418245413209,0.852763938637,0.123153376548,0.97597591485,0.0092531792848,0.957203375638,0.750907133472,0.476618401344,0.19557529438,0.709012962077,0.692492508084,0.274022939669,0.386656637403,0.351761688591,0.749370277111,0.193593397746,0.955379672074,0.0922790916536,0.464900695531,0.63949693605,0.512263201241,0.078473689924,0.087533057003,0.938340764683,0.140433352135,0.928872791207,0.210058282101,0.337918529388,0.529536579269,0.157620591152,0.759970864641,0.657003287382,0.195449178956,0.984142554455,0.00252432178046,0.830216502822,0.132482471356,0.460064831496,0.603886473118,0.238495254042,0.363473782725,0.894784443329,0.517058363117,0.35607348806,0.656237408567,0.705233868481,0.0333566123131,0.651390549348,0.823292676748,0.910268494515,0.309757629744,0.842130936463,0.324158310501,0.401340429756,0.172779863865,0.118902196026,0.101124734323,0.0256354419471,0.872695062839,0.453362739443,0.343610958717,0.677854600569,0.102295951754,0.706307459622,0.342358354793,0.24616088651,0.631019890332,0.98480251284,0.214438618926,0.868970702162,0.270178590159,0.712619643776,0.088098815232,0.586261697538,0.559108661018,0.03833675631,0.530596002424,0.906140714068,0.11070350366,0.774670596169,0.523908681564,0.556517331974,0.497814710952,0.146815088658,0.796365927281,0.189749247188,0.482330178086,0.290912344188,0.765284965763,0.195345081834,0.507727454639,0.348813174467,0.735290994962,0.704184729684,0.449842847056,0.605749182899,0.858815410334,0.292585879216,0.803073017834,0.522280427877,0.298050390416,0.421082785228,0.948068407653,0.303006028124,0.0991960775174,0.524843909739,0.786438737388,0.101979714149,0.429592533491,0.81108862674,0.661509463079,0.705033652989,0.921148954291,0.287360273224,0.937705223632,0.62671393705,0.360007652483,0.654467849258,0.0518365291254,0.11724758852,0.276725473917,0.550968380564,0.237087126855,0.939882795546,0.468027720878,0.241024118043,0.879254573546,0.545016273171,0.0382305197411,0.786346913171,0.816214205271,0.423067029639,0.61505119566,0.976777692819,0.444064731569,0.454557752144,0.468928197681,0.899478618642,0.820878465613,0.14164772062,0.279647619514,0.651012758301,0.218828464964,0.814891265601,0.762998765875,0.761546403372,0.865714190951,0.904204070422,0.156138050511,0.205801813743,0.294556062586,0.824559502519,0.395734778622,0.225709280724,0.411502189759,0.436245384602,0.0736993136136,0.411737025271,0.92070946464,0.586713279338,0.543225308539,0.681318716386,0.408586116166,0.782843292003,0.423136892779,0.170185276748,0.0965126135735,0.476268063064,0.429875503325,0.983503085581,0.292824150876,0.96652963333,0.149154479923,0.312009048378,0.174713505717,0.738592794047,0.190132339077,0.970514470767,0.00675100453815,0.897326476814,0.143338064434,0.381418957885,0.758900326317,0.123540903178,0.630392784791,0.575797912543,0.564127006136,0.994833951696,0.752652308982,0.309890693398,0.329856074446,0.552945895098,0.0608853704285,0.154021331677,0.237036960917,0.900272286114,0.116127779512,0.389639140227,0.741730864411,0.872110753467,0.950544243079,0.0963861629208,0.406328239651,0.713514325309,0.823408841295,0.943486866545,0.595155338807,0.726612062924,0.101730130316,0.64298188578,0.280149928808,0.499029682265,0.107383344228,0.141997374322,0.789123619303,0.979830593014,0.941889181842,0.0767706063742,0.305770340579,0.143613577297,0.385161147794,0.0575190561983,0.0705400745195,0.401641182267,0.520677100807,0.644018210809,0.567677568096,0.46612945653,0.650934818494,0.689120414366,0.262433305791,0.739423508348,0.418436751016,0.573948301534,0.41738076497,0.973503978026,0.527320471343,0.17476364108,0.867883060722,0.755520512938,0.439463146916,0.937449780663,0.116619606809,0.960379064653,0.039274181501,0.296630840598,0.915811179771,0.883448704765,0.134949873771,0.608529292301,0.996708954369,0.629430409248,0.0413543959665,0.879784879727,0.125062676655,0.589507867911,0.365637201149,0.867392139684,0.227606897165,0.841417612046,0.730255871833,0.697531251336,0.369715176762,0.33951935403,0.339393496867,0.661399791735,0.247072007635,0.454603197847,0.893500939465,0.158985217376,0.391593235456,0.685715059509,0.309939823268,0.341626730444,0.451712465688,0.701129141735,0.14277064514,0.605053686625,0.423716247435,0.702845245243,0.321930037478,0.123294044588,0.178993104781,0.513292528269,0.804842287099,0.548487973989,0.691076639176,0.223662123417,0.259821656423,0.333151321496,0.694103902472,0.459599658931,0.956737610029,0.867649841741,0.457474350543,0.47839123326,0.575127882841,0.383230194212,0.473068443877,0.0778423288677,0.654582817932,0.163771144255,0.0995846670261,0.071533218471,0.313764133676,0.812918269381,0.0098181588911,0.645755692622,0.494821622153,0.976825847258,0.801916900177,0.147871801647,0.427679515045,0.164820566933,0.559427316368,0.978503276622,0.922767194062,0.432050516816,0.334823068745,0.762312875998,0.114569459993,0.263012230931,0.907469119044,0.286370684709,0.0703254490978,0.46267051225,0.536527934043,0.879077248949,0.989766940243,0.302994037516,0.971623721767,0.945650392409,0.321804962039,0.942790318899,0.920181116331,0.22995251414,0.111413104207,0.939021798737,0.44359034169,0.113445398382,0.392803297935,0.59612710088,0.14966654791,0.151731610674,0.0660851648189,0.878861660808,0.0724364658977,0.405207303736,0.762589905716,0.353934669837,0.733274330652,0.90978412441,0.905939201547,0.709765760817,0.135436012658,0.700775088625,0.124275681844,0.65257783671,0.535193512475,0.215358413913,0.708543169443,0.860861125727,0.859922649615,0.3623410682,0.680920349692,0.873707171772,0.212306660413,0.547723085956,0.345822900129,0.437846306821,0.00938117265686,0.505873756045,0.171141247244,0.954397979833,0.442748423264,0.279261772752,0.0116641011355,0.912976441172,0.472581717739,0.446975487991,0.418921751808,0.213701634829,0.5787691631,0.537444265256,0.376794580646,0.0675183360867,0.365522698917,0.0288305668533,0.437809511862,0.156220745713,0.0434457975129 0.88581029554,0.243286244788,0.177397954533,0.984335253009,0.271075685651,0.747829791764,0.266803501474,0.711624267615,0.0599575090538,0.460400467129,0.510821932456,0.663655209486,0.850227131761,0.436341431618,0.559753230166,0.594435283671,0.176607910383,0.0965963565007,0.0845517221044,0.60191778647,0.245658815936,0.90879387548,0.348377374359,0.0899988034864,0.80526445887,0.528037367495,0.0230785499141,0.714766783701,0.67754084622,0.0401269504822,0.546404365568,0.125022900867,0.958487963549,0.541150033694,0.293588405491,0.886803125736,0.781858612932,0.935202912239,0.643339586154,0.997298534397,0.832236898679,0.0639285977278,0.987573608078,0.532711175864,0.873536249077,0.193790604733,0.904390224036,0.885942691767,0.276857298162,0.0584454991783,0.157922868349,0.541758146951,0.0679345306616,0.000968769689163,0.16433296861,0.475035466034,0.474681629541,0.212580988265,0.447828025697,0.906311715052,0.729700854058,0.621201274075,0.0661303309899,0.115269569507,0.8364797577,0.214109886628,0.391904127778,0.864928908715,0.138000863606,0.270204101651,0.307997846495,0.802593202701,0.0452463969159,0.326734487657,0.539777011725,0.364515248212,0.732226975813,0.453180411508,0.695558189829,0.636239067356,0.164165492739,0.556747951138,0.595136532077,0.579446121006,0.797785204225,0.165790876924,0.336286626234,0.898169822062,0.78158722779,0.690492082504,0.191966715957,0.23548064211,0.181298488023,0.877273741959,0.1119012738,0.0556819709059,0.389840212523,0.988107182321,0.105769592423,0.532287462799,0.0288367490517,0.137221322514,0.0302693281153,0.857361882127,0.336652058459,0.918308778782,0.593745303665,0.166919300682,0.170692520897,0.875521405813,0.810436980082,0.134495447725,0.895859576459,0.695243328213,0.874057274554,0.342002455309,0.175591168468,0.0512191206053,0.504007505882,0.835832311282,0.0690121986892,0.716780768171,0.559122551017,0.432871192249,0.49780540084,0.865295877759,0.768348103845,0.30485168127,0.75896279579,0.21443147841,0.426715089968,0.0946952930488,0.415801098915,0.890356695437,0.629363070916,0.0388269585396,0.935240361004,0.921951831295,0.378271473246,0.527867110487,0.0072990133458,0.335730147242,0.965961073977,0.116169419721,0.440204921412,0.160867235165,0.682492511733,0.0927919053072,0.64827463854,0.717730951258,0.680477105078,0.654810244978,0.568915270812,0.57318224705,0.271702801335,0.279081337102,0.0846044352084,0.48281700129,0.353606066944,0.594385923863,0.778986662012,0.942799601739,0.937462900779,0.246649210271,0.84928141105,0.838778814222,0.935641804733,0.670269235961,0.671554048573,0.871507825845,0.854586161119,0.78752876866,0.606421350908,0.0878187805016,0.989389659642,0.408643583079,0.916645943536,0.756210723229,0.907459209219,0.00433811820794,0.837418514522,0.593831753758,0.250457359371,0.986382161567,0.578071705571,0.586647635783,0.706508126981,0.874910169703,0.918541639398,0.764121387856,0.0561291464483,0.305376201731,0.215861420307,0.211291109078,0.447989445969,0.391796047218,0.504510274664,0.475019844074,0.633474844246,0.109111896136,0.565138285824,0.256300948297,0.642183825258,0.119642792418,0.0632517469738,0.258677747827,0.709727419673,0.802330827071,0.280241738027,0.579841020589,0.691788490257,0.43563636858,0.620478230148,0.547248344945,0.686909168284,0.689460432113,0.414100237497,0.343231579548,0.0932228608009,0.860500315274,0.626744704375,0.294889114578,0.507433398777,0.722099749159,0.258332291703,0.105011034926,0.770803506939,0.339528332454,0.151020283148,0.844171182067,0.591563235174,0.854954219701,0.778524892092,0.351653927136,0.437384173643,0.759759189649,0.658401036429,0.870219599062,0.798151313054,0.470841307236,0.740333452836,0.933079309541,0.414810179478,0.868200744217,0.815157890999,0.662999721908,0.356188854315,0.720247480792,0.0582300140465,0.0564506083106,0.224551831134,0.247773924595,0.466298411519,0.314121795668,0.431892878715,0.292418160282,0.446247603656,0.594509518405,0.311910668339,0.572666982248,0.375881795108,0.309270931509,0.429439775243,0.961528036371,0.538917371259,0.76423360208,0.242494209433,0.717677111015,0.951458663894,0.428221891729,0.925115344301,0.852032508934,0.349438727681,0.359452133747,0.434498101001,0.443622586821,0.794452737363,0.283644278086,0.391342635694,0.589280335342,0.792516419404,0.591738824781,0.300109208729,0.811165870182,0.619299349098,0.148036368725,0.752883579269,0.272762369789,0.418019003645,0.314960556357,0.516206501137,0.331384372937,0.32767236386,0.248969289147,0.612793017685,0.00382800563958,0.932453536672,0.12783883289,0.402593985837,0.120822210487,0.732184843838,0.942322870673,0.859693642466,0.464034653123,0.646475780447,0.38574931135,0.420479982664,0.613426177661,0.917591332948,0.389054122753,0.661339233285,0.274261095847,0.812014450109,0.447717799914,0.0565611496887,0.99796773943,0.529441367513,0.00766194754962,0.366406804703,0.000581147308857,0.785600666885,0.642904177485,0.761117414613,0.744852473872,0.327218850418,0.792147081347,0.429348289709,0.477118695243,0.478206524838,0.933374016906,0.0452590361913,0.202058081771,0.27246763586,0.188857960353,0.981528580953,0.168693102594,0.735219391415,0.980229352816,0.456324189062,0.79636283352,0.0778363471149,0.923193334252,0.241620190796,0.944006003153,0.2550877001,0.256858333728,0.988042485368,0.551530681462,0.813560860966,0.649027635809,0.132801199349,0.32871961324,0.491227467695,0.199715461952,0.88246396123,0.877797600007,0.862044036582,0.555575742118,0.708442532431,0.490417121301,0.486083881326,0.476396886682,0.199217164575,0.957440502345,0.632079898997,0.787954036502,0.403892443965,0.337204792797,0.453749793361,0.932931352271,0.824502028263,0.504751292698,0.588921641436,0.612683808404,0.953345777064,0.974726449394,0.377864211121,0.624027359107,0.324807784751,0.847181016073,0.619691484226,0.291747267531,0.0932645032714,0.552895147746,0.394229029299,0.630545896619,0.364688703851,0.829322460929,0.253482139358,0.032169999181,0.482768978091,0.340886962928,0.23757990286,0.0708518664815,0.688304629475,0.305654185869,0.877213967015,0.788870031359,0.0577633500363,0.623768298662,0.721325813788,0.828148004277,0.141530147462,0.485430985273,0.681578174657,0.189250865723,0.955121827304,0.0612770912062,0.713385632016,0.587586571375,0.973447707847,0.400532272941,0.233686092835,0.750085747392,0.138464629328,0.17553008626,0.109403298596,0.683744235906,0.181285752318,0.577728420756,0.198386858064,0.328601140187,0.332671487829,0.506608876293,0.352824816425,0.51204738967,0.507008370805,0.750825300452,0.300850183829,0.119247982846,0.949061185312,0.699138800762,0.471454451898,0.36486386856,0.747491382578,0.0159118439549,0.132293017306,0.506541807271,0.0112609090132,0.309201354009,0.737785257621,0.345606575186,0.503426000967,0.445246042584,0.554768833922,0.267581272548,0.0385828286852,0.55978571431,0.802954389434,0.741059186105,0.475139711486,0.927035133387,0.341130134786,0.287688090993,0.83207037528,0.575802886466,0.773012290682,0.776611857439,0.0278550411595,0.879165418278,0.0743927765615,0.225846118507,0.117211128848,0.290772920522,0.786216048913,0.714055541611,0.861147979941,0.279125008178,0.571803707774,0.612785949042,0.365101971877,0.451798636966,0.74853512576,0.446888302416,0.875673745964,0.150480544342,0.729822208877,0.857420427929,0.90170086417,0.401884160966,0.453890872224,0.238055657989,0.0886704242541,0.433692842025,0.0574019818259,0.40934981905,0.57246860079,0.903824907291,0.145833897934,0.917117687838,0.783508905766,0.415198650231,0.257446400888,0.651499653004,0.0205797780416,0.53680084732,0.831120591713,0.829546661143,0.425545331407,0.125916687256,0.634572929116,0.495422878145,0.27352195498,0.534293271895,0.511177917114,0.335397511746,0.114944219767,0.333855653542,0.591020134749,0.586886150718,0.0914828579751,0.19673392706,0.642521699172,0.985965178892,0.580914763129,0.255346994933,0.0607984863694,0.785187370264,0.496200886992,0.687633654528,0.245580808058,0.608854493404,0.778800274136,0.221011623584,0.9126452982,0.181228833019,0.178014461801,0.161075644037,0.998179501991,0.526737055712,0.723263684592,0.238525887087,0.644465229504,0.765716026443,0.289681123609,0.0762703339785,0.0423533184393,0.064364498128,0.595791517568,0.87775921421,0.475422273107,0.334225781797,0.0293367848041,0.620365676474,0.595292401786,0.991966922558,0.086897624301,0.374603566239,0.841754272272,0.61655603653,0.40803145839,0.294870809345,0.718652838081,0.384596083254,0.733841134707,0.356811755577,0.639460908223,0.0349521685268,0.331902233653,0.163513648646,0.770297034358,0.436707890994,0.705241785453,0.790980837161,0.00523868276588,0.154314495123,0.70634794906,0.967774325143,0.875109917735,0.104855619162,0.337481690915,0.814762172472,0.185268549473,0.0117638114504,0.785658070729,0.3967360925,0.704553835719,0.790657974132,0.872753285562,0.406670957208,0.489214456729,0.90726133766,0.996331215498,0.0516916744792,0.160904888034,0.781690776965,0.5187495441,0.784397680581,0.901634841711,0.119378690919,0.118490981605,0.438483076035,0.213451715067,0.522568677544,0.478902902727,0.817562850969,0.868338497671,0.943695002921,0.828973190991,0.359892815605,0.73935815357,0.215216515949,0.500963492807,0.951756527641,0.996201190365,0.363003034644,0.270060272438,0.672322172118,0.693632263184,0.406711895351,0.137545971014,0.467534355834,0.975888694963,0.687131185292,0.261129849047,0.407018316724,0.0672838769019,0.584427729237,0.426832387605,0.186415633463,0.805632441511,0.689404718877,0.557678452447,0.897686966777,0.438234052309,0.545322831611,0.654519954836,0.607541786735,0.619245904126,0.429864855159,0.822927218385,0.231396971752,0.547747797649,0.528454305485,0.82934474814,0.935466445705,0.153095120234,0.712156453462,0.27122404578,0.326989312765,0.219032491582,0.421629488231,0.95251756924,0.850577956504,0.121571036403,0.986551198175,0.370002506425,0.0855415388607,0.756233481552,0.502552435953,0.176522595812,0.618306063197,0.0141346563371,0.924588897881,0.13789907364,0.548648006923,0.106120868036,0.149294753045,0.540773593266,0.962458747742,0.26523161391,0.541102646074,0.16400346684,0.993692161569,0.901491017005,0.103127696117,0.715314380461,0.900024090054,0.539150894303,0.582787178678,0.246066959455,0.657364464908,0.695962202434,0.396498992387,0.0707490081448,0.86840364499,0.664448640503,0.188186475204,0.865255181486,0.797231223432,0.067506259716,0.525835218328,0.761524669327,0.741250045495,0.631275341647,0.96968556122,0.866401082274,0.299176388385,0.148794424784,0.787590728777,0.0187222805985,0.652468529789,0.895645263764,0.345537891562,0.775843098045,0.488572988874,0.0618407334768,0.122364011917,0.266717923694,0.572112270311,0.907388357542,0.227750620851,0.0596673020588,0.935693164564,0.348390049301,0.770988440027,0.501646902804,0.827628197311,0.35270219023,0.280750216813,0.808517696612,0.988556160103,0.694055351397,0.12685927667,0.176372507368,0.531698172324,0.194854953415,0.86016677042,0.240381914449,0.799890172514,0.631692045004,0.577219653393,0.544172845407,0.0457857056497,0.344550148022,0.0969803825538,0.995174020177,0.378368958121,0.864768224209,0.479743282671,0.54875542633,0.40761580108,0.182564786431,0.550009230111,0.587992080402,0.698086346111,0.456211379015,0.72160874066,0.751286949031,0.861628536179,0.987800622373,0.797395936817,0.812238296401,0.738684555566,0.103318278447,0.321230150775,0.843591719652,0.603161190395,0.29427468184,0.190801219358,0.556620376254,0.456923865972,0.655914622531,0.689380126125,0.199858627427,0.496008443051,0.774469380764,0.363037990773,0.453352297573,0.403922188146,0.497712458149,0.928127267129,0.241988449422,0.871891466669,0.243402935257,0.467417081649,0.914288506655,0.400849673691,0.682133897073,0.533284022675,0.137831431333,0.149065386042,0.914273370569,0.883540088019,0.759397099329,0.906142438211,0.985135941814,0.580792638976,0.982809944514,0.791253013192,0.992060962429,0.293748243627,0.844204178913,0.236509432067,0.465743912746,0.522012033021,0.187970147945,0.804314434029,0.00616215443972,0.567291135906,0.467280782164,0.607849325287,0.618130502813,0.242917844634,0.827786301391,0.0846839863657,0.0191936373488,0.377731479398,0.808372209846,0.732397981207,0.789014100596,0.306142348549,0.230109793826,0.878370499333,0.555790686185,0.336316454998,0.958885683832,0.133961491551,0.378388732027,0.263707095523,0.193515081828,0.620331433226,0.622904095093,0.973085275763,0.468769036628,0.79976472096,0.015756069331,0.861424280744,0.908857439618,0.273119109548,0.958826814978,0.892353213848,0.919851967213,0.308730603124,0.638638693199,0.948937479844,0.959753652602,0.379253025139,0.476147562922,0.727033019935,0.935332714953,0.0558589198938,0.347398652104,0.400157008,0.371793495788,0.560765809782,0.995504542666,0.480430311951,0.778532761779,0.89447210255,0.359999436292,0.875431591239,0.919853284806,0.471543257145,0.934226444899,0.822229102453,0.87786062599,0.504492401895,0.54359855143,0.159891482261,0.934338850222,0.586162501095,0.170366050397,0.227967330884,0.633156525688,0.629160624122,0.471700717544,0.491434097469,0.10100110665,0.611935566681,0.497987329219,0.476985446401,0.603541221491,0.534501705541,0.750823305242,0.595737240223,0.89489269582,0.112225195293,0.693470905541,0.0300412956443,0.724623984983,0.620428137901,0.901343659127,0.281345362053,0.225167140224,0.994088743703,0.715356048564,0.0508978148849,0.138112796867,0.0680812346715,0.834655174336,0.507036289489,0.0453769145737,0.585196171091,0.971275775657,0.0430407936259,0.753281822268,0.0807635946187,0.662320001055,0.481658886522,0.316555953224,0.575144929562,0.492121054564,0.743943077001,0.772660897021,0.803310172489,0.156939926811,0.604657808129,0.504422983157,0.0627322540655,0.731897903859,0.155445664616,0.586288182425,0.759809166009,0.611268839918,0.623106146227,0.783064285143,0.197858237679,0.178485051466,0.442842161008,0.525644954496,0.780339124059,0.677544344207,0.434098872212,0.342929347026,0.885643343555,0.581978007016,0.52889695402,0.764168683011,0.417205039371,0.369734507637,0.253568310792,0.243618229043,0.587665164046,0.609040823253,0.963011641815,0.989597593401,0.234641155103,0.0626464665161,0.702821487883,0.823976243068,0.455365445632,0.552038449315,0.97088763398,0.814828112471,0.438247611635,0.291473664928,0.511432624883,0.0160003548822,0.0955920988686,0.519961283934,0.63609247787,0.711978992888,0.352936422966,0.304223451777,0.105679220187,0.532007629574,0.726638482861,0.98963436708,0.000549095166279,0.46515350037,0.452118474698,0.393434147529,0.0620460822588,0.0729152025899,0.877261914295,0.124582223433,0.777594005077,0.527101838761,0.00563908022357,0.845660641653,0.395770488115,0.264471140399,0.209171905278,0.101667886026,0.792731046966,0.0958299614637,0.681705844202,0.490445457395,0.516262502737,0.221925280354,0.842942105789,0.234157637062,0.772155188305,0.0760478595902,0.838339169028,0.308062198064,0.669557757678,0.383814403542,0.554983931021,0.0722172279151,0.16616354082,0.548521930146,0.916715491615,0.7867088111,0.320140844907,0.975764187471,0.159162697813,0.110790460206,0.0978660263688,0.851968134908,0.613237590971,0.447690464521,0.576517994794,0.582381852438,0.600696549306,0.364004090817,0.91558126738,0.73645000179,0.391156744044 -0.0330936128914,0.898038497024,0.903957062569,0.824415788908,0.857131088421,0.85642838301,0.168681974698,0.256629875511,0.470158988297,0.208693194888,0.314535534568,0.779278426452,0.0719740609852,0.262476451559,0.240957418042,0.648337088794,0.665153467064,0.611684057764,0.122035731208,0.171144175447,0.873249243719,0.450989854258,0.43836565623,0.53195389564,0.664954530446,0.917635163723,0.827862321037,0.647063757687,0.84616994264,0.126395206417,0.297954465579,0.120683834805,0.755390967766,0.6491712389,0.168683057919,0.317322720159,0.570642054122,0.444775219852,0.870040097626,0.582741514488,0.154445999301,0.934026514043,0.659664850304,0.970233120044,0.796385438915,0.929013577065,0.657056326152,0.837092788004,0.933932530786,0.0669540345467,0.220674605592,0.476022433246,0.218065129789,0.57944690299,0.849824097251,0.178956223954,0.598347658117,0.80546014645,0.618660679878,0.347090725174,0.607087702665,0.495410971747,0.00354544203414,0.0259666203955,0.227767516091,0.818526003707,0.0683859363587,0.0953774111265,0.564391436269,0.610340699612,0.927625794176,0.911362262399,0.618275938221,0.221697913194,0.324973913352,0.0945603172023,0.529535016482,0.528784087957,0.774429029354,0.614889192272,0.475640497699,0.863786649323,0.978297834301,0.997571849688,0.717954456722,0.623167528137,0.244081287639,0.579410919443,0.657183283669,0.689982179911,0.429628710379,0.737830747681,0.343972722909,0.964567208336,0.354403151254,0.305897252825,0.747522215589,0.334707788291,0.465875052589,0.105215717129,0.866201062898,0.677637405214,0.530590429998,0.239325616034,0.993838582283,0.449655702714,0.097965842194,0.622396096089,0.170162420321,0.773858023997,0.868613055076,0.195737384678,0.380997080536,0.811551960511,0.957704148069,0.788519838276,0.546103637215,0.734624185698,0.597703306383,0.517494129308,0.141038566092,0.489792545892,0.834820890617,0.212939471332,0.463307377768,0.176637098623,0.43084599734,0.116054544426,0.145857161475,0.970700183534,0.679474526422,0.468644828217,0.635088873685,0.176450558741,0.314935822656,0.393961621,0.951922916524,0.239790442359,0.353780462077,0.0031280196211,0.367618706848,0.890893122349,0.508842613977,0.149704050317,0.952316642096,0.771906985352,0.449625687917,0.758405642701,0.16283454103,0.968952733646,0.365055292403,0.913723850842,0.594916458392,0.43487149568,0.843289812217,0.596507263172,0.302385593395,0.344298156725,0.706712264068,0.620865250425,0.331091346857,0.489797137101,0.503430454743,0.731306249123,0.910089183525,0.490798983317,0.0422153435363,0.731005242564,0.473631720692,0.295969444276,0.92501540529,0.716465945378,0.921018090804,0.025342195043,0.517477253844,0.846540246104,0.852302953541,0.953211408316,0.221145774414,0.874712157984,0.339779747028,0.32234647718,0.822143666254,0.337831390297,0.890898980517,0.352199180891,0.785876949291,0.573035817535,0.676172513268,0.220717036071,0.496414264583,0.741087174682,0.96782973761,0.789641696802,0.536726380901,0.691145400955,0.583607342421,0.600212719393,0.155052018346,0.221803719338,0.943238050144,0.802501428556,0.181994832216,0.524116976612,0.118461511145,0.512271737766,0.385796707996,0.14284804246,0.920202406028,0.430808277693,0.776843122651,0.629716834732,0.429841261353,0.620373723434,0.372613060613,0.594800934433,0.502832142248,0.0157317594905,0.741674557154,0.950575043343,0.944563931288,0.0631764085609,0.642018345044,0.0269910221302,0.396612856126,0.154317241526,0.812586249072,0.512924439039,0.293952398944,0.756239314935,0.197129407669,0.903370244127,0.599672467317,0.733998458873,0.928516465584,0.743547266217,0.57100989604,0.240397827435,0.182585634742,0.0822610867403,0.527586545681,0.0896039527876,0.554051722612,0.213360018389,0.677874243883,0.914379585663,0.260293401356,0.106988088553,0.990385781861,0.0655027246596,0.908086113901,0.411831929752,0.121743806913,0.377309489165,0.652513090712,0.0624436467341,0.555652387879,0.754050193208,0.564563890731,0.905468832517,0.60725528383,0.504172777042,0.779827710586,0.443918391576,0.819207012181,0.937567069698,0.307551872387,0.163714270419,0.86591739104,0.0146935071611,0.886205357942,0.485284140301,0.833282940871,0.753310428918,0.504568070187,0.997881799213,0.476839387727,0.995155409436,0.400420482842,0.513909791269,0.682051022777,0.304870671477,0.761180215867,0.555210196987,0.92235805026,0.823948507562,0.455016092012,0.652351478456,0.431830016249,0.348726498255,0.38975435314,0.708613178504,0.0802172216205,0.746999159441,0.255051533982,0.0800036531837,0.115328111164,0.444394155448,0.0142451102148,0.504045756545,0.234375749094,0.0883226135095,0.287307352159,0.7907129055,0.222178739279,0.524460205799,0.154563107944,0.831991029013,0.0703806296648,0.651216428461,0.282669535433,0.687833155011,0.867288562876,0.386875560157,0.752270822002,0.578976068308,0.151383604026,0.172265649625,0.872700809853,0.891822803718,0.920134155149,0.1024418879,0.137704133708,0.480549960518,0.174869119465,0.183801676582,0.267354849992,0.230934180557,0.837255568286,0.99279147408,0.427016574975,0.979942786876,0.480022640951,0.973574443378,0.934329455907,0.54432758652,0.986249162902,0.191939381687,0.400923416169,0.509853659476,0.70486323115,0.0486547492054,0.743693530347,0.543315766339,0.495149327832,0.513243343597,0.421516238501,0.625261706312,0.0745609809441,0.255103999342,0.478514905209,0.704923853942,0.774163843463,0.540995973537,0.994548163832,0.740330577691,0.83656017812,0.769434648635,0.635310043029,0.153092267383,0.0922446749615,0.956083198655,0.570653780105,0.819125798488,0.978811384604,0.322347477061,0.555155151938,0.282784949856,0.452166190212,0.255388754767,0.910894802787,0.0530564834977,0.81399863732,0.662544633814,0.120670389652,0.225733370495,0.282563545222,0.918098429856,0.436361817207,0.599858882806,0.488947372166,0.565037520272,0.389255429293,0.876318568668,0.260414162839,0.838554128546,0.502755683518,0.703728354347,0.839888974074,0.0941082912656,0.125529563152,0.841446922417,0.385678216322,0.672133373787,0.839992799322,0.532934410056,0.895975294906,0.31801795868,0.273577535933,0.378535344128,0.286067156309,0.750917524859,0.64340855637,0.159009314116,0.734590384732,0.154065654574,0.264644638865,0.841743928966,0.678113387367,0.730389373207,0.875125584983,0.467546506523,0.79836449442,0.0315015260974,0.0590495085501,0.0105827973668,0.767589297185,0.506011518407,0.670444368892,0.583464065281,0.757375720317,0.000178316053672,0.568903211102,0.494744654556,0.054747594158,0.918966212596,0.514518916697,0.386476567262,0.655193029972,0.291358504271,0.10173237765,0.90338321315,0.987130513718,0.372871750753,0.100599616421,0.861442537952,0.201698335824,0.850150959053,0.83316491063,0.0545307775078,0.352671035628,0.635748569442,0.294784541235,0.37136588092,0.0895642547756,0.368584730285,0.885868861584,0.6922436096,0.032633858174,0.725719321828,0.570388200357,0.300264621855,0.678840007144,0.834153600446,0.182773410247,0.965717635893,0.076225597599,0.141765195811,0.69991822158,0.505239324821,0.600254676685,0.424910124294,0.0537700223744,0.608983132609,0.781189592555,0.0443071279535,0.0925802747452,0.516347198783,0.199630740021,0.277027137388,0.750247915652,0.597990121781,0.356531875159,0.51575554313,0.0738551672984,0.408941960951,0.709137427158,0.147121172467,0.209651577959,0.322404577821,0.0786472538695,0.484660889933,0.263355038554,0.00447645861449,0.607040972069,0.372019082096,0.0775930921678,0.460980294304,0.568157397874,0.0842916527194,0.406233898849,0.394897874724,0.349390363255,0.0615730183498,0.108526357579,0.913597529424,0.62835422431,0.777523027876,0.32233856942,0.855430137084,0.82549804715,0.590309858111,0.599905340445,0.264166417573,0.656587154406,0.459392399546,0.703280202993,0.026556551089,0.540920339168,0.364840518952,0.902115460104,0.084718529224,0.639744198018,0.824294994016,0.945877560982,0.298729243715,0.355067318182,0.95966773366,0.727836171632,0.792245450058,0.130734446219,0.280606140911,0.926178339939,0.172050701996,0.46277947367,0.315034205347,0.35732696913,0.131539878114,0.885535438409,0.113149436641,0.306853025929,0.177066132461,0.452282885216,0.825580833912,0.214536385668,0.41203515496,0.841227303729,0.411615492847,0.174376277889,0.496314437459,0.247170289332,0.779714501696,0.199312897412,0.955326462482,0.531454510817,0.782213027892,0.586489940475,0.911091565775,0.818043932972,0.497388430806,0.353201901697,0.428013611106,0.766606214029,0.703948875247,0.143625524092,0.109449814178,0.953532758197,0.325733852066,0.792453077286,0.24724592352,0.639440297488,0.786743505446,0.726270354135,0.432730249035,0.93987682508,0.586273505749,0.955699514492,0.8071465484,0.818736039651,0.415281953649,0.457073778923,0.836937076598,0.272311874299,0.400175309714,0.117651649025,0.54422200461,0.779619072947,0.127435253197,0.76266391206,0.266205738746,0.703115614657,0.0562554861241,0.893855581276,0.14936223523,0.750425718796,0.509495295503,0.541944765472,0.0377752993693,0.0580362019483,0.901598526584,0.907543658978,0.740494124108,0.131185521238,0.0969742083241,0.00311382859203,0.280809137425,0.111880906222,0.318986141071,0.339354198056,0.635660921309,0.747336664916,0.940747378937,0.740614917009,0.804119074558,0.566659015375,0.402959219834,0.181341339684,0.240473245195,0.276901969346,0.2756155873,0.639018732084,0.847299400875,0.162674170038,0.101712157261,0.367103458726,0.668325472904,0.682796026194,0.514388699452,0.65509858218,0.23618956522,0.131266804581,0.499583272203,0.052021613709,0.431338934039,0.423945455214,0.215100337713,0.330116886909,0.12602320824,0.944301813727,0.437349889451,0.359691993468,0.893177121261,0.420176566147,0.69459043988,0.478641884378,0.101476383585,0.310452496409,0.363285262475,0.499876281387,0.927140124501,0.0400072297093,0.229453808764,0.427082325724,0.205697356346,0.629175630934,0.556596026891,0.273716533683,0.0273404530497,0.371820741087,0.82666820978,0.399656569815,0.84963195048,0.171186578309,0.738872359472,0.178748811817,0.169476006518,0.219347586099,0.660024752519,0.822293895785,0.341881438542,0.291692892741,0.0943306428348,0.100669706196,0.995309364223,0.310433247141,0.92635713964,0.698621058134,0.610064335326,0.701119196778,0.331898324618,0.513185065454,0.811710504526,0.686772321134,0.767822438385,0.58352333016,0.733978291786,0.187971816569,0.935355544322,0.276214047459,0.701075583386,0.39257860144,0.688379976124,0.94280106969,0.800563714192,0.171435907032,0.0309021668414,0.145879321769,0.944892448164,0.126775085753,0.690887792945,0.169519025632,0.411213727187,0.527939615628,0.725494685707,0.435060516142,0.574579456732,0.550929916212,0.635648981612,0.829734266756,0.909270902093,0.520996710087,0.945978442333,0.022040687782,0.178452898158,0.175173256497,0.239427255522,0.301451010026,0.12939130261,0.864043388249,0.117705771026,0.853373133504,0.0554341132486,0.174428350809,0.771122542599,0.711887242187,0.122600756483,0.150120535997,0.808178808849,0.0997405826981,0.78379753541,0.839257195169,0.867042539045,0.573154554718,0.807235969607,0.825170235491,0.495580821928,0.578436779176,0.790016581997,0.611232534964,0.0965851463585,0.204634124786,0.215325828359,0.103165259663,0.74198380971,0.20980180589,0.976193265227,0.590308840481,0.62572896739,0.998206929585,0.348936797016,0.760568901147,0.743466998388,0.872386338724,0.867962103027,0.363341364105,0.138758800679,0.160822141013,0.457258165382,0.784647279446,0.711233862055,0.885674892203,0.730253717951,0.26442930318,0.836272554486,0.903113063869,0.12990572989,0.402338758438,0.888118437793,0.272789764361,0.93184653888,0.4375159146,0.458711108847,0.91890584306,0.622115236227,0.092728469158,0.276215719443,0.189962828847,0.462437351533,0.00170986226992,0.128723189045,0.928831161815,0.737152434713,0.13468907274,0.793853167757,0.754747898989,0.758340426144,0.804207468164,0.937941320337,0.73465531589,0.954259492875,0.733478551307,0.104167030895,0.902168733477,0.98702457815,0.445141878967,0.927152076112,0.508339219791,0.47737543235,0.503918053508,0.364964523994,0.351893063941,0.523116991691,0.817148408536,0.723703143859,0.458062896325,0.0156392364347,0.775644472943,0.660619837195,0.689109170004,0.892965657513,0.277531550795,0.73753487799,0.420799795172,0.35166559845,0.466152981329,0.301881720411,0.385377861389,0.507539718219,0.095816969497,0.775782751683,0.146363188511,0.284666340464,0.101212782224,0.518908925165,0.287086746046,0.457986599104,0.113600017588,0.657557637735,0.270360111041,0.383056741312,0.0211515426483,0.787627376596,0.65518412639,0.00983669088051,0.188017373511,0.0168380081112,0.841114142484,0.416000809924,0.727608302146,0.343059368527,0.286623442706,0.65435067947,0.0572753077279,0.95746740501,0.64867113099,0.0154043501972,0.170269470468,0.0351626599926,0.367237324063,0.728081905928,0.437885148785,0.0277360341417,0.411302971872,0.193899356743,0.990125932097,0.066480831369,0.451214660124,0.00589733056727,0.8661818866,0.133952172836,0.440272893215,0.0765145729729,0.124223945419,0.950086964235,0.0823252205403,0.179828078246,0.0942712656502,0.692279486531,0.407374201565,0.341926740562,0.443034949957,0.63343877973,0.304104848551,0.532140731282,0.283719594717,0.262324095594,0.921133518071,0.46430026078,0.651279251617,0.148532489639,0.96912519171,0.541442961152,0.906577381634,0.85440713739,0.580192993585,0.421573710642,0.441690916454,0.275148602793,0.310735420037,0.547832591534,0.620307281491,0.224760525362,0.735294994724,0.287271650823,0.158628079843,0.150589206172,0.887482233408,0.692225544485,0.918741747313,0.792139997921,0.181948206114,0.883873921403,0.467070703962,0.790970243706,0.467309978244,0.371218922323,0.178454465844,0.641198679934,0.734677239363,0.062078977085,0.732855463005,0.775255905282,0.665709623139,0.945055491726,0.0443041963039,0.88601563999,0.0292712839711,0.721329682042,0.807207474205,0.928075564902,0.80958325062,0.450296751962,0.603016437429,0.313654272356,0.188238721713,0.610889424045,0.871396329257,0.730514215486,0.879827905413,0.922218752093,0.624110342199,0.952911077127,0.605085597643,0.752969807416,0.833456701598,0.880867845612,0.210419019571,0.313957682114,0.865591719431,0.289119273119,0.846308097542,0.0630448135236,0.42751393317,0.587262664659,0.444899503889,0.243411585289,0.490672584017,0.661557147661,0.144741404316,0.835474954282,0.592608379559,0.0377589177937,0.845023077353,0.768974354773,0.185779881801,0.274557588609,0.499321544076,0.152014748473,0.746278194816,0.135192008165,0.697799298598,0.302909023434,0.525870821076,0.920872102358,0.310170353575,0.643414585669,0.463331182438,0.52190496839,0.610106971524,0.519624264561,0.503254716476,0.151533527515,0.383161380513,0.116633097008,0.0127951799418,0.0278922580365,0.51534897246,0.550097763696,0.669730110015,0.0263375989204,0.780216747597,0.420553640804,0.446514050116,0.485238003837,0.812149115361,0.54225217407,0.648911238397,0.446778042215,0.704546536919,0.429406671258,0.284198252473,0.856712677014,0.593615995713,0.0218030742689,0.636948221464,0.0381210528926,0.0746009893382,0.56343823548,0.336110751374,0.266772215611,0.583443744968,0.0284617442738,0.356664219097,0.396322619575,0.697471535716,0.539737269616,0.464545461307,0.867713706323,0.488942302693,0.36052236468 0.380746191149,0.0802117110162,0.570424202984,0.581079860926,0.798006105462,0.761993780065,0.130797317859,0.93459182331,0.00124611501373,0.0706406795314,0.489043007413,0.255251860163,0.905305751098,0.0328958659473,0.299305795811,0.728740657029,0.0114437679793,0.957530194481,0.0724683677633,0.303492884973,0.715686271002,0.822009063897,0.76637199877,0.596291128075,0.987162102958,0.752433214574,0.805642390245,0.129262555312,0.482853442672,0.810880214417,0.168563709405,0.863122246951,0.63051011469,0.572229515035,0.504789336193,0.00581820390193,0.103231108175,0.575639407718,0.0185561383246,0.406397543892,0.163802247234,0.383175940877,0.57266317625,0.457648514424,0.98169112133,0.382712950117,0.0964683518989,0.584692081812,0.605360370375,0.15064205413,0.106596929801,0.916189294132,0.393572189133,0.345885307093,0.836874179513,0.546812916853,0.983042257198,0.843168314518,0.284930619534,0.509376644584,0.909398524857,0.201689573461,0.538811282281,0.657082600093,0.105864211301,0.472227413101,0.641028591736,0.0529376185525,0.188263671674,0.930950949346,0.846918439318,0.0624308848176,0.0858312852213,0.806924166065,0.633793627103,0.544494653881,0.0245086555443,0.926746825392,0.394076787815,0.863429939396,0.972103384318,0.417936954034,0.570195972733,0.0552967806551,0.522092636853,0.38524784544,0.899557416224,0.683410896518,0.0743070405418,0.34292994347,0.764198601795,0.941936144569,0.159972132389,0.78479283021,0.283226716678,0.853248633174,0.0309845918712,0.172739544089,0.107111181114,0.616412855573,0.879720345137,0.830558312292,0.300335265358,0.638058309542,0.995933517399,0.00622650150368,0.382079027658,0.250427799259,0.142991343106,0.579139970194,0.516756414816,0.862660462566,0.940986497555,0.569827338184,0.3040637371,0.493017382917,0.430237197653,0.739567654917,0.124538948954,0.138394661562,0.920386158734,0.782107181544,0.750424805439,0.75727835291,0.0874422142201,0.136359008547,0.450652175659,0.227608056423,0.56851715731,0.539905171078,0.901899508047,0.562404935244,0.44802954707,0.645263020582,0.435622932302,0.726926835439,0.813575415602,0.108733706725,0.0231825418312,0.98767283806,0.806166662142,0.0575980050909,0.277141088654,0.452070002223,0.999119442532,0.282067909167,0.743212358124,0.810819375004,0.515894907361,0.46945925743,0.754346831444,0.492078682456,0.105856474846,0.192667725887,0.587431896355,0.899282378435,0.380660390463,0.43189164282,0.909294446453,0.398050689963,0.701690493978,0.454942416167,0.709812172471,0.761119455419,0.993577591255,0.345334074761,0.203514444841,0.877383803991,0.293537500595,0.772616646902,0.773167074796,0.670618301315,0.0829705025117,0.131845446053,0.466246197651,0.0543586210828,0.196801179226,0.640110925223,0.125974532415,0.297152101361,0.308414199697,0.190744107033,0.680166922447,0.773996480483,0.634625876251,0.825905642155,0.212870223596,0.837573905594,0.821430554957,0.477819555239,0.478419276776,0.871011048429,0.489010902711,0.0130028089688,0.860162201432,0.0345238381309,0.00447709559369,0.828469915122,0.419573263242,0.457667148787,0.603558281174,0.43943194088,0.748378940767,0.954743613633,0.1648275458,0.533634706755,0.810311303934,0.558280198922,0.822343818799,0.378814044997,0.8477731409,0.99744417504,0.356370099695,0.0609195425673,0.997510914181,0.456959175793,0.714077822889,0.40073766983,0.0613460340649,0.633277764791,0.544510956724,0.361669545372,0.873851963741,0.509212715786,0.305613955302,0.977852413323,0.523340577768,0.619199588576,0.461845707542,0.398402553971,0.717618787803,0.974757382846,0.0858206700633,0.335961167033,0.0184880502312,0.472456173146,0.0164789765462,0.0216552326679,0.929028500864,0.725726580424,0.504193005656,0.643856549726,0.192022809701,0.165737808791,0.015986081908,0.826853494572,0.278602447399,0.0998605120204,0.222673609607,0.503209628085,0.41991774955,0.199080609983,0.879618780544,0.995459502954,0.802732893776,0.393904860286,0.685065050998,0.406661525259,0.818521231892,0.402874610387,0.621112463063,0.17224569193,0.768717381528,0.753715666607,0.885322665542,0.731985862331,0.275593874588,0.721513764124,0.83235531345,0.802830525231,0.309403774334,0.159599531551,0.78330073018,0.324964494436,0.00295404644094,0.0779137150552,0.758364283199,0.53888441609,0.964879632312,0.406908263719,0.456255949163,0.943348407257,0.188658905324,0.470444643032,0.551951196553,0.151114108317,0.0529376411042,0.626765792439,0.829920599099,0.634474183995,0.793744270904,0.37578240435,0.270850282788,0.157745776177,0.0199028149959,0.104252831503,0.957704479561,0.970746326694,0.80780535244,0.570885238521,0.862340305671,0.729391408247,0.0463458942606,0.741860330986,0.557288974911,0.597321113943,0.459254098673,0.533725849733,0.932386173261,0.545838699417,0.865207939919,0.810273665061,0.715521569118,0.282404630502,0.503904001974,0.514182912557,0.257583813524,0.926998286633,0.538380167395,0.813628722868,0.957048237886,0.183160110206,0.536119843992,0.497018165445,0.35709940005,0.416223707007,0.374783425267,0.399093471921,0.828344950619,0.962265740481,0.895152216189,0.598973962007,0.769787665468,0.194557516287,0.0912844797553,0.938032247328,0.712613896609,0.449501290165,0.943857552816,0.642446649447,0.963620409702,0.854340019434,0.102045049825,0.0248487292006,0.113066982861,0.278191797804,0.738081384783,0.494892392768,0.203907865037,0.148264514059,0.497729377214,0.501515029311,0.645639946667,0.000682994127796,0.768558941219,0.682464714761,0.53780068946,0.475230882397,0.657401269619,0.248275846841,0.778184631334,0.92230735582,0.964078301625,0.850918923795,0.283853398103,0.666344907452,0.615501693195,0.168493564078,0.568151547845,0.756102058939,0.773026903227,0.0696693100176,0.871683999496,0.381022698067,0.889081978046,0.764576881393,0.0372583502672,0.81364844665,0.674946431248,0.0639018757884,0.662998131815,0.810544214252,0.487097892467,0.0885922296235,0.102263810792,0.243044475608,0.896097522978,0.769702477704,0.262540289057,0.737198076323,0.109371346338,0.34418796522,0.264783364443,0.596627650005,0.456185217231,0.195967328963,0.283182391378,0.983773150863,0.713708161594,0.628865744192,0.041158877301,0.135848574338,0.0438726873143,0.089684072442,0.497596840975,0.92568676283,0.0460438271668,0.462330478787,0.678005639074,0.751129898556,0.630640228978,0.287217770435,0.316072737519,0.0120402431258,0.989240109952,0.24355069394,0.319156967902,0.419053221563,0.201340964762,0.631764664603,0.716504633827,0.426856449867,0.316846487547,0.370905203103,0.583142291144,0.0820432457525,0.365232458279,0.834479171524,0.281816384189,0.139898593267,0.901387460752,0.390768772855,0.304962279945,0.330504047225,0.641495776965,0.242526356011,0.108099845239,0.180883838343,0.982642153505,0.647636539467,0.464795477517,0.873450248976,0.356274639391,0.463118814158,0.109574427157,0.441228600795,0.791016817169,0.159493880023,0.298761440738,0.351912211304,0.584073503919,0.782751555528,0.907087602689,0.917044719526,0.654527684083,0.701420243793,0.0413492631397,0.629094548004,0.648270264227,0.8409172079,0.913450382278,0.284220890628,0.048055449272,0.486293154308,0.351956465979,0.843221162541,0.921359386605,0.52833856623,0.621325603507,0.265053585496,0.285283727992,0.986938891201,0.156131371351,0.33890716972,0.377077113942,0.399833490125,0.0132382568992,0.471957603018,0.327704432077,0.577701435961,0.703447397742,0.00877967616592,0.493726617082,0.266634504216,0.221416295263,0.545664528836,0.602957274371,0.617683679094,0.146682600897,0.967677178167,0.775609914264,0.175791675857,0.0315132587864,0.845444735395,0.514666127752,0.26573663123,0.0445427851321,0.442938127553,0.71626573068,0.122932291235,0.409271481388,0.317563258263,0.933726923136,0.457097117329,0.253895973871,0.898851324803,0.84178518283,0.748096052379,0.0544963115086,0.532300823671,0.782979032332,0.609172869286,0.467850585274,0.656710834527,0.296668547369,0.572950163182,0.648180318104,0.187844749597,0.915564900633,0.00740627201144,0.413825738602,0.480875511367,0.149976008183,0.125864055677,0.611465797888,0.560947188484,0.961335007301,0.901255988369,0.365756200418,0.319909240757,0.876485742733,0.546485249394,0.129923232181,0.673437855138,0.986212458325,0.396654826794,0.33789570108,0.0642224481821,0.836289187349,0.683079516187,0.212529727377,0.424642723925,0.293672791149,0.4656095708,0.476819342857,0.591007144143,0.984639624434,0.814145535589,0.45265898887,0.245759088082,0.966549378689,0.494838870611,0.625284365627,0.666267491957,0.0487140714724,0.598816221832,0.638044996469,0.232043101629,0.661698903703,0.306580625012,0.935146756843,0.0970968725225,0.893746904511,0.0617965229287,0.34271081055,0.995013974488,0.509629969819,0.368181573193,0.649942296482,0.472372851627,0.318992274188,0.46040274332,0.776928090807,0.479091126893,0.550283572598,0.647399059043,0.517185525037,0.288768238484,0.80680700928,0.574185708935,0.531629244231,0.224855167918,0.409121608163,0.991227880433,0.071003811916,0.52161065757,0.1700241566,0.760192515363,0.0191998825812,0.470028494291,0.00203522467755,0.466820977859,0.778066211049,0.460635079239,0.890373481236,0.456687152041,0.562905274431,0.866582119997,0.848857412696,0.837019511622,0.265878876199,0.122841431527,0.354959342718,0.412279103309,0.445321232498,0.338797265925,0.807820551921,0.419152004768,0.00597643681281,0.878124415483,0.155391147471,0.507791004969,0.845536240225,0.948365552999,0.889300339835,0.51542859134,0.50780913764,0.612388216101,0.24312902434,0.616720972225,0.951303471356,0.0344176201848,0.52254196611,0.501459192286,0.646528704512,0.143453980258,0.612449022899,0.788235587115,0.220678937008,0.0616846247536,0.544733928484,0.145931107258,0.459164100523,0.301032846267,0.189435244606,0.310142145046,0.685443601161,0.949610702844,0.602479100143,0.364536446799,0.83807179472,0.454700285607,0.899155787562,0.176087060657,0.526274920467,0.675716536545,0.675314596228,0.762485143198,0.594784520366,0.0931652792684,0.0542968593176,0.48881141462,0.306475648493,0.590237713684,0.260886439127,0.287423135356,0.210389620168,0.343414784263,0.632362407707,0.898021577699,0.00533274715444,0.908798655276,0.127762211907,0.980297010496,0.81082889075,0.860442051764,0.935295434591,0.840041462933,0.129757505084,0.556940971601,0.401083198791,0.855180561788,0.0536964700765,0.618281314628,0.66376058301,0.376384673714,0.874816732227,0.836495139817,0.177844425283,0.252912911543,0.0173643541812,0.723554751734,0.24820454535,0.989326012612,0.985494779231,0.602267608458,0.0290848468159,0.471037384178,0.31135644618,0.474006837308,0.0137314140472,0.0597163882986,0.251522202635,0.336989431792,0.491157775728,0.458440027598,0.77327454409,0.413399436215,0.253855944515,0.281069640966,0.278581461719,0.478030819502,0.740252097046,0.0362608782251,0.698710278953,0.731723871543,0.859810621475,0.964332682187,0.921241278736,0.525504423043,0.0730930178728,0.919588851035,0.236303262602,0.449835159965,0.800189803093,0.670596306927,0.681334430948,0.0704422508917,0.0948577703963,0.785534777043,0.360616399195,0.253580792962,0.574247480303,0.313025621545,0.844544417042,0.0168676528418,0.492806672773,0.80066155821,0.712916043069,0.859261634728,0.338491237724,0.886354903146,0.415127661566,0.912817126162,0.960361355087,0.960236535111,0.190756752096,0.260452219464,0.581047623256,0.0547997266197,0.366246119795,0.192002229674,0.354116018689,0.920623195484,0.936251683592,0.489295110748,0.731298761011,0.625994678174,0.814324194455,0.271288573048,0.901492298118,0.0120874463561,0.356355079929,0.410023924718,0.656213675368,0.502965085573,0.304248425361,0.845264326747,0.8238722218,0.402567888979,0.517883310298,0.763221498301,0.23639644283,0.869438722954,0.797105990108,0.586345400109,0.15217660984,0.623132925748,0.9262106357,0.439024771854,0.112846663093,0.905296530006,0.0273221064053,0.399136237343,0.164597460919,0.909084692693,0.84092793288,0.166290423828,0.829779859337,0.228796481304,0.06823165475,0.194659324707,0.348514621945,0.194559947581,0.050738915391,0.511948783341,0.746402850685,0.870414910919,0.96680489879,0.593135830944,0.133569729764,0.912252357549,0.758402884857,0.709348267324,0.720966326399,0.380006115475,0.108663555749,0.627688864868,0.879867768019,0.239960325341,0.186487953073,0.164762883653,0.037305247528,0.337153226333,0.871093106253,0.294270505635,0.833350469459,0.366403551541,0.0530681751938,0.854041527413,0.100311116445,0.520698157207,0.896446306666,0.745441328541,0.968948964805,0.51053246538,0.448368226135,0.854815505755,0.473917083654,0.409616941897,0.795725919202,0.69565299861,0.892873849767,0.656026970978,0.948566111237,0.344722481626,0.0572861628916,0.833588508973,0.7410235185,0.675179979179,0.00778765598999,0.861109181033,0.692412095773,0.27527396216,0.15807926345,0.972421150325,0.335958653511,0.226617796342,0.728959039264,0.471681351383,0.311565779519,0.785106576196,0.639795827707,0.756668935293,0.550388063191,0.526377026784,0.283392893603,0.481831963244,0.0467403917988,0.02359102546,0.960911718904,0.594285651143,0.10720846107,0.748397842714,0.863542821688,0.0802594984031,0.511609329981,0.742135136177,0.892596337478,0.109667547755,0.519210972301,0.427173522547,0.891797499456,0.54574379577,0.607849313146,0.90646898101,0.283342479977,0.198819812175,0.546190947114,0.164816710233,0.783145246631,0.719534978642,0.392290290704,0.0762897997595,0.925576586507,0.307099225859,0.00101389062631,0.271405933508,0.411107490505,0.917618238684,0.852954404478,0.578855925336,0.263033506489,0.218549503358,0.857431461497,0.960204222563,0.070548441725,0.592951009613,0.686012577214,0.606089388772,0.760103868059,0.629512337121,0.752418049661,0.504715983889,0.57986174854,0.253903585284,0.222162799443,0.986643694746,0.638080836049,0.132485923949,0.224629755444,0.446381435027,0.137842315191,0.529562122891,0.236987040448,0.659586598779,0.758977569452,0.686049251415,0.00953440738931,0.888654792036,0.854336707933,0.574979726156,0.0961444040691,0.871689576204,0.570108194952,0.153438734283,0.53585347874,0.161468116743,0.950015612108,0.748250971243,0.855585456054,0.487740586733,0.0218313642002,0.640518719979,0.672076460189,0.978578310727,0.492547812412,0.559191681801,0.418971674379,0.024935930335,0.597660780888,0.785023010684,0.121462145948,0.92066244979,0.584377970518,0.351291922645,0.90242888426,0.609515948835,0.329380223019,0.49014316787,0.501745654695,0.0422402887616,0.312254002162,0.0905123620568,0.373130436367,0.633718640908,0.672472808041,0.862671151887,0.09924865622,0.321832960394,0.670545685455,0.149630440783,0.942437422667,0.514874422066,0.513896777472,0.101332148727,0.945265685767,0.0442179374355,0.59258784535,0.197483047744,0.692590686113,0.320480121825,0.0976397913725,0.717012412788,0.0181040612616,0.568801195302,0.990434690749,0.829971810763,0.465934573434,0.491012050524,0.554591647832,0.789943477512,0.532579971159,0.35602332786,0.834196794737,0.738673679405,0.527651272762,0.0856098011726,0.875607401557,0.537025071376,0.489935430745,0.294851700052,0.727674420266,0.377299144478,0.174630862146,0.0251621623237,0.214982828931,0.9371892729,0.901642259856,0.646293015958,0.208353641108,0.827425897554,0.131296978306,0.290677688891,0.252250250234,0.243609042738,0.282929512298,0.43805529677,0.388785428711,0.584878660882 0.357439672615,0.125690127021,0.11471158973,0.690703650209,0.836356859093,0.570473141806,0.323431406553,0.151158458453,0.255960187031,0.212289483599,0.0960499714271,0.0285158362305,0.144687583169,0.000312061962817,0.581804459418,0.455344959405,0.582450144124,0.461790357063,0.074440316803,0.139965018233,0.98721943711,0.779441485437,0.672471221589,0.354654645843,0.0933300725697,0.950454326588,0.0445396157019,0.181288320622,0.250334496785,0.391681604285,0.734385894433,0.491307861263,0.329870647051,0.0331536511227,0.604520861421,0.677254237131,0.827259753065,0.350569195431,0.345692626506,0.366703558303,0.0164458899881,0.674229438156,0.0956440273167,0.457522326719,0.811585443503,0.992836769677,0.0795646876249,0.69662625786,0.827049557363,0.551531611092,0.813454675154,0.975663333345,0.851293544771,0.3342488214,0.187018252927,0.0272402659665,0.550171958764,0.719478646405,0.251256293501,0.989968633338,0.656044318056,0.937000145096,0.70732767428,0.263318473591,0.464160943179,0.48998499474,0.826817758562,0.786064913598,0.753156561984,0.101217113509,0.893944145178,0.27436994693,0.159701977512,0.997484209678,0.34726460589,0.76134350366,0.361083374864,0.458173086925,0.081347600393,0.347515341855,0.247915990196,0.783887448214,0.292918945393,0.858170668892,0.338970408524,0.858374360544,0.944660436378,0.491321562371,0.551343047536,0.652718156849,0.00352734901786,0.162933219138,0.653765565206,0.736663627889,0.801918200093,0.34460252725,0.202085970163,0.484510663554,0.372227810478,0.799474635638,0.108468396673,0.589065847535,0.404052214602,0.843632274265,0.297627584685,0.548360577402,0.802552268151,0.035725010666,0.274984054928,0.596990091519,0.191358855859,0.960632875239,0.912953973192,0.937483485853,0.00565069831404,0.110568959578,0.655519522586,0.957252795206,0.359774534047,0.395644187735,0.50846288801,0.135361981485,0.67496953802,0.501030221652,0.510027973447,0.749618283227,0.874469996359,0.770631686378,0.892211667905,0.875411212147,0.236505890257,0.816035771596,0.168263244928,0.890702643461,0.968941833867,0.949998760878,0.140901103795,0.325764012658,0.155828996547,0.779406091677,0.918259116063,0.845000859862,0.79490196045,0.646400220218,0.470913469754,0.16974243573,0.461690663803,0.383809760311,0.214497321849,0.814426781914,0.622862929238,0.773685856492,0.909650923854,0.254827748371,0.924685829978,0.37818367507,0.556540859584,0.671793244112,0.926685801314,0.575183792136,0.936776345595,0.843298985271,0.855840835551,0.996657996451,0.868239837576,0.74114329348,0.098388612532,0.381240549993,0.00134082620429,0.733657151779,0.0229683702866,0.363570502144,0.0917019596207,0.545717059941,0.312874314036,0.969044597925,0.933234471682,0.935696776254,0.819772257943,0.755161515992,0.277329437913,0.162600264236,0.0318357914864,0.298969536347,0.65682390671,0.858776968872,0.254428163302,0.642182856131,0.323166865152,0.287288804024,0.206941088066,0.841450410654,0.956607529713,0.885943898947,0.0686496418537,0.663318572724,0.302733820038,0.822160551674,0.236971459615,0.30939290503,0.155669502698,0.0896567817012,0.541176776989,0.653524539651,0.838397603857,0.542594788072,0.870925925716,0.602079274165,0.348221180598,0.632337637546,0.0210059181306,0.413630828262,0.487094709234,0.460271234272,0.483341149705,0.0883466461848,0.304817789196,0.699088799253,0.998391600632,0.376219860012,0.931078808966,0.795408143649,0.337707731852,0.259310340599,0.764467341534,0.247171311317,0.563857054448,0.0152384522998,0.812202798538,0.53815844741,0.611546673848,0.103859811366,0.6672830319,0.632486930963,0.234730686241,0.788376551101,0.655692747479,0.404591193846,0.182495594455,0.23647486732,0.934458420733,0.174902142492,0.917320803826,0.755943971561,0.15861935466,0.407229920757,0.1309959217,0.0302444567383,0.459972963546,0.306245874609,0.733826297198,0.602340475434,0.349538943619,0.581792074136,0.578519106105,0.892962831921,0.804645571297,0.555464555896,0.841459283941,0.826374706906,0.352000357223,0.514505675245,0.532815592758,0.031003058954,0.57243606018,0.59151486737,0.96516560656,0.0284977353056,0.639813398511,0.532194678386,0.715223178424,0.504866265566,0.203717801923,0.932961195504,0.794699439578,0.813451614748,0.0819369709608,0.335131816003,0.596123437345,0.63569676801,0.391013147439,0.619378788471,0.928688985048,0.308695911138,0.4215121117,0.981939538487,0.525448548027,0.691620460509,0.613649017288,0.256670649869,0.169125596126,0.0746923854703,0.862986100676,0.74117509461,0.253579740223,0.566423975541,0.577140554428,0.277840627482,0.669039084785,0.40963262646,0.631202820355,0.478993490574,0.851837746435,0.833717575399,0.314119482517,0.535265882988,0.000529443468454,0.915184028553,0.49002882541,0.126791113906,0.56202239424,0.48833585481,0.270564551441,0.761182373531,0.0465379746501,0.954001172913,0.0835515323129,0.479334945122,0.48298543678,0.736985749769,0.0924428810091,0.635006524828,0.673828010906,0.49050022728,0.28622487192,0.290994324696,0.935888695309,0.758275913373,0.344149219495,0.395140485373,0.628504927838,0.944109721327,0.349563778011,0.825831655849,0.213874897782,0.314382107596,0.246263752332,0.588954237883,0.743706680666,0.19343841889,0.729915892129,0.723736817642,0.324547539251,0.47784356417,0.942254674698,0.41543577551,0.375962256709,0.167116700021,0.391745824911,0.226135717446,0.377370685232,0.0552986349007,0.415419863784,0.232131833754,0.375674421483,0.918818264365,0.555141174255,0.144380455815,0.573034879966,0.270428100706,0.387241778432,0.0580709096783,0.119973320035,0.177901552113,0.963969918805,0.289562461469,0.0977663416146,0.189663148114,0.3876872048,0.624598117251,0.0732444156176,0.152363470039,0.803102580385,0.803844633403,0.399529051782,0.0503598000562,0.971255311318,0.423677146585,0.055846318119,0.287131196572,0.566322455718,0.191440550014,0.264999759455,0.0760361445234,0.712025904358,0.794497553553,0.646253777191,0.847097303414,0.342099846414,0.889395643572,0.863704116948,0.925472881281,0.280694950489,0.111909756369,0.448055941237,0.0277948375354,0.812751365309,0.976742724491,0.294092083108,0.375766082562,0.788591229281,0.894864513484,0.892343083177,0.165982276801,0.606238751607,0.156287337977,0.192277607574,0.0103921845313,0.0812571936601,0.174883285907,0.680941285131,0.0563344872594,0.0812366208453,0.761497404688,0.688271835365,0.250420497762,0.683973854536,0.883783775175,0.548387493386,0.528122888515,0.416599034492,0.683452328262,0.255422858205,0.549812998096,0.852341354522,0.336657878575,0.699656809818,0.896666861126,0.425319340398,0.766446510628,0.692967607301,0.402190739901,0.887606130113,0.00129072663571,0.995964775294,0.110174454191,0.347788634514,0.564431752487,0.81834966448,0.115770826129,0.813128698431,0.542395371234,0.0591144500428,0.375676621828,0.663234449734,0.257735715089,0.276503586824,0.961763327637,0.480279965432,0.124701723063,0.96206728764,0.533887657663,0.920023658093,0.18104447111,0.202653420942,0.304341682198,0.469920734969,0.672732993406,0.0605534193345,0.0758903021936,0.974313613441,0.811914741507,0.998018958808,0.354343229425,0.922119327018,0.258901968473,0.748451644989,0.752472576379,0.0305309053664,0.312737602424,0.873370976078,0.998990048774,0.921767941178,0.552002809394,0.561518986341,0.0862602623776,0.449044743288,0.151162549394,0.247971135659,0.783628372238,0.678943737449,0.573668857084,0.316169644523,0.649817355561,0.101598416732,0.0500229939589,0.327695116479,0.136366757914,0.975597342622,0.887394769114,0.726663818124,0.78242549706,0.978776200674,0.106895126653,0.90442845088,0.554894623995,0.507128039473,0.684680895118,0.643215122198,0.60118043107,0.959684258796,0.85280580571,0.421676567499,0.143672338133,0.447632792587,0.493895193554,0.825666819028,0.627183958126,0.131829863452,0.653468910976,0.170924473753,0.406026592058,0.611310233275,0.764298713827,0.931821732018,0.651232598589,0.561001427606,0.381186715705,0.544459231718,0.775306177748,0.0257604102992,0.999780252623,0.841376327399,0.423303862191,0.806045412064,0.294652615676,0.320430346016,0.850920043065,0.909513130338,0.826305231696,0.637610469713,0.434450271276,0.0207718823218,0.587105130145,0.249362141208,0.232577137903,0.0156926919866,0.477111076209,0.551382677993,0.73801062033,0.828872749891,0.978130949388,0.97932849704,0.876274226949,0.278908818352,0.149051657983,0.600564390241,0.769172396914,0.936864232875,0.199658009986,0.827248077343,0.012525312713,0.102127596863,0.378486772966,0.438232004428,0.792496350875,0.0585663186456,0.414272565133,0.193966388593,0.728662535058,0.422853669988,0.316932916071,0.254524162861,0.335566639339,0.455056360154,0.877038826117,0.191123260434,0.112077345103,0.589512761284,0.153542277869,0.189051750269,0.797419816045,0.249267065274,0.776109298158,0.0156387860961,0.790648482334,0.418210643349,0.133467690089,0.874372794761,0.865287339623,0.588096060182,0.874461358293,0.266156749902,0.1425390428,0.426698958145,0.24491563507,0.132601851074,0.927720281555,0.0743224365081,0.642469176925,0.0381481100691,0.863416319253,0.203470340331,0.765262110467,0.591684511061,0.37274102441,0.867446396776,0.830193395193,0.650013888732,0.509952943947,0.375681017548,0.552764615811,0.316244933707,0.45813691724,0.581146515434,0.262479973542,0.423625314879,0.955893295521,0.0359679418433,0.519292723391,0.481941685862,0.98938205495,0.13852387332,0.246954703506,0.254344457875,0.566960615414,0.306694404924,0.799645618267,0.650472244423,0.859136272419,0.760925456824,0.0182424889171,0.994076190116,0.0750520265277,0.342405991564,0.196673840079,0.63885740017,0.768975781903,0.175309156937,0.462774995109,0.588699281588,0.60287565311,0.192947657277,0.0189038649988,0.348486000596,0.356477245918,0.304240491992,0.578655235828,0.845487225951,0.483783473819,0.510349711759,0.13309888193,0.0161399026101,0.294464563713,0.604159371465,0.128523676225,0.923385319018,0.656056784577,0.984537038063,0.520620694239,0.42909424468,0.482224221166,0.244193846391,0.436812087018,0.548025837422,0.202513268139,0.519004311467,0.650012841138,0.909117239705,0.99670265773,0.265929909532,0.500496898648,0.669816888155,0.728126491197,0.832707522768,0.555733498231,0.153852747985,0.762264191588,0.460405801154,0.840647258066,0.609127021235,0.388053697184,0.475219258382,0.798137354726,0.180549047194,0.837627681503,0.753369578713,0.993211717569,0.33913400679,0.506594408091,0.859438941215,0.724368285263,0.348910749063,0.838500681601,0.718622785735,0.132331154803,0.494563753093,0.138258391935,0.25963824372,0.428693448107,0.408650134936,0.933398086958,0.195509045103,0.470342265444,0.423220941874,0.487592139681,0.971197390317,0.107258848401,0.876092055195,0.201349448331,0.708464253999,0.516336597285,0.451062254968,0.442002590565,0.73251751665,0.331634023447,0.797292131919,0.80973644155,0.746641729896,0.413070229725,0.532988928147,0.216155596073,0.340395552235,0.77109051848,0.573688468926,0.763682552435,0.409821932867,0.160376711894,0.991244650779,0.772302960455,0.727640244804,0.266115600967,0.939274653922,0.767518916617,0.475659193538,0.577516321779,0.652132296962,0.417781696525,0.405851311047,0.459036347346,0.0294604187785,0.767370279619,0.729516970171,0.862199572235,0.87022003652,0.467506639189,0.991829894334,0.409354368086,0.322621650756,0.246225451258,0.413633342515,0.272220075612,0.18909661003,0.959490662673,0.870576255639,0.731259590918,0.355211372566,0.20262505996,0.115837945577,0.974459266306,0.351904722036,0.115885554327,0.8385977773,0.588706329382,0.358393389707,0.143443681309,0.323583063207,0.823288519308,0.364370769104,0.105859175782,0.840068974293,0.897439176281,0.153090458606,0.826587879644,0.186635011156,0.307162631791,0.567891187214,0.0951277138138,0.545772581605,0.731167425419,0.842404567636,0.836752271305,0.0976093908538,0.390718261871,0.85089043951,0.00518159260982,0.270314264989,0.212168081789,0.993583945555,0.062066602985,0.176329218732,0.108477141054,0.677395758912,0.784183445881,0.183595477594,0.265706321879,0.803517174718,0.828371657051,0.780164639633,0.151535247266,0.252430198995,0.503830759431,0.868807831193,0.0927944366239,0.506008525342,0.946478912523,0.0544869145445,0.421337321362,0.527022736183,0.245566465361,0.178792531497,0.10196412026,0.952468252886,0.771364962559,0.00234082076436,0.767625835601,0.0450593838191,0.00422883303821,0.0304586769349,0.79625303535,0.561330453487,0.758408383747,0.286555868292,0.695870117766,0.902524580482,0.843141662831,0.17332308012,0.0953216802022,0.90540793772,0.733405000934,0.120859020666,0.0356187145486,0.334887706595,0.533712356731,0.699777798205,0.564043557351,0.857658578867,0.102358548308,0.973348972225,0.751832938632,0.437534804576,0.645662033896,0.301678102779,0.198788001314,0.891316363433,0.770314314269,0.792766838061,0.951319574112,0.943806710736,0.25622041452,0.388095607615,0.514266681579,0.287338260128,0.155309223475,0.579283208336,0.153937404369,0.0331373200456,0.669418976196,0.960342841655,0.764731175913,0.996235643783,0.410061950184,0.690734370466,0.924579607912,0.803226214582,0.0773142831387,0.415414017465,0.00599852487808,0.0674045118456,0.786353655752,0.29589445827,0.862896042023,0.471674166933,0.189507388454,0.9046931283,0.295419595646,0.502161292625,0.330439922883,0.203717247574,0.617263009117,0.234939856113,0.472151500906,0.340564496845,0.685042636352,0.874534593693,0.855572101144,0.99891506373,0.458079574416,0.876807634625,0.584381539469,0.829607245397,0.149660313077,0.09372559973,0.961186797718,0.481352153455,0.701897774286,0.394319615536,0.215166699732,0.678546165554,0.0435287204842,0.41266964047,0.648261318188,0.664584092282,0.7402442533,0.816109402698,0.482358914335,0.331629390709,0.0852908393014,0.890893745792,0.637069247672,0.13726977884,0.1600351389,0.485065318693,0.682027332239,0.866260071338,0.405774899837,0.779549122601,0.296833380882,0.74486531845,0.154499311419,0.655063022373,0.969318010253,0.669307743475,0.447746508006,0.69634379992,0.929426894153,0.765079807468,0.185866794477,0.76664972883,0.670723359783,0.520494347933,0.699483632804,0.739483917232,0.462451319108,0.710449029168,0.131445660586,0.966459594849,0.282920891565,0.422192955037,0.954503187958,0.391020325902,0.257500861843,0.315691082968,0.707648841576,0.316553371881,0.479006384984,0.183548982915,0.53655788353,0.144553411208,0.89219241377,0.424929839337,0.0769036017937,0.862829248441,0.00682214204048,0.789987890502,0.515313201165,0.523662387789,0.413681579583,0.195976986134,0.702791100938,0.838235402857,0.186574635554,0.127948779438,0.819466630952,0.0910744768202,0.960673014808,0.54332673304,0.0562338035364,0.662660961554,0.450362391522,0.800627157313,0.340823789128,0.794971322326,0.599395032277,0.822925236017,0.2605000989,0.874986836679,0.101423736889,0.0589419182552,0.0715898422131,0.776743494569,0.644498804788,0.566730800517,0.608235324219,0.613473320269,0.155330163234,0.752774512506,0.79450373071,0.347119998865,0.541308056455,0.565474185539,0.725091485181,0.98211499069,0.835120665471,0.263833643584,0.120737024462,0.71419284434,0.0295951903939,0.284786430972,0.710306142317,0.974002282932,0.730741821691,0.642367301789,0.960590383449,0.0169314682796,0.958588944121,0.484104833231,0.127704980583,0.299863370714,0.842077238957 0.944027863579,0.876546204322,0.761980946155,0.232883821289,0.995661422043,0.75548945185,0.854782426024,0.64980563435,0.735591085348,0.00416434927083,0.944130765972,0.27107985242,0.523411171583,0.440232330566,0.824455144804,0.332170879021,0.732101015107,0.51656168686,0.565299429147,0.439257033129,0.692205721439,0.250836648509,0.714580507087,0.688166001092,0.692546947235,0.332748225463,0.789995885715,0.642195692515,0.42788973094,0.0600643380948,0.56306502147,0.0567481899299,0.792805945214,0.0558929070919,0.713837745499,0.946992194955,0.136027128324,0.289550489568,0.724657338863,0.974711490745,0.658703196704,0.378736829493,0.8235191909,0.602945776058,0.928363986888,0.459567928377,0.773222690555,0.0289422866668,0.792084335267,0.785206228905,0.520200284247,0.78669594646,0.98040159961,0.441368795762,0.0350977366861,0.237987439585,0.945357618129,0.607903171153,0.266261466811,0.159808446795,0.38938224052,0.26139451394,0.886002902829,0.732942087867,0.599688195495,0.164575701881,0.897196143966,0.58845031743,0.816088730077,0.0630405349703,0.652146659409,0.220989034257,0.413462397494,0.331346030021,0.260469521953,0.407064415501,0.284349978138,0.707783235923,0.51812118334,0.526481073975,0.142697673018,0.156926931249,0.676411549931,0.982533531649,0.410448908158,0.496039202936,0.369440595759,0.518633119934,0.528195692766,0.853741724337,0.064077168517,0.360280729158,0.507994579754,0.721718564608,0.821859445422,0.661496923649,0.0045100627758,0.648008947765,0.353647900472,0.752577908409,0.151188529412,0.0785783943117,0.256444827854,0.137475351252,0.661938682065,0.79863670508,0.142718231578,0.481072415679,0.964871064977,0.910162262124,0.186612322229,0.610383901863,0.203887105815,0.232116924058,0.328861800051,0.359635199714,0.818287097652,0.547888698422,0.820323783758,0.598975976529,0.0712148985546,0.351053951245,0.508706175557,0.905198492831,0.795339608656,0.223294800453,0.140930818714,0.0577796891597,0.0166561564588,0.610981870403,0.190279166916,0.819438815249,0.166072840719,0.0335401626276,0.951427306453,0.751240367378,0.585585853938,0.399238353796,0.270319525319,0.573302356201,0.0293429680125,0.357229030123,0.770814984407,0.274462148714,0.809321046098,0.807381337166,0.52314854776,0.311810928888,0.177440594316,0.617308173094,0.54936722878,0.942650131244,0.746983679679,0.698294296565,0.291499878506,0.345833888901,0.544081343377,0.249062222292,0.795375603643,0.364881884242,0.415079599567,0.865209306987,0.295713573728,0.812286473329,0.363299165226,0.539993490145,0.143123229495,0.340172473451,0.623855544651,0.107738927215,0.0735801964619,0.791755691175,0.727835179794,0.477678064605,0.307972206989,0.933349325058,0.809495682038,0.69942807955,0.623953127829,0.97878995457,0.221744699948,0.156836456419,0.820788167886,0.104541414651,0.540997011769,0.521831615302,0.464677574759,0.643782682946,0.408100151892,0.927184812083,0.897042733012,0.0138319050782,0.701701303192,0.0859315486677,0.0780958042133,0.829404905043,0.249149227008,0.455683582087,0.236574992914,0.462000299453,0.774132408785,0.703494324156,0.69432400952,0.0964508035382,0.895858529282,0.443058837582,0.151907941795,0.1389255343,0.318657831419,0.58751891985,0.719035993102,0.102350402523,0.199274902975,0.274386978255,0.287477356502,0.119010620742,0.291260010359,0.527665748924,0.669227447399,0.271446630074,0.964057384764,0.0754610477171,0.349797725219,0.745395721996,0.31277180982,0.0421502040357,0.662075754669,0.0428913427698,0.583323926129,0.63862032739,0.127689457261,0.846463421138,0.780371517629,0.372230928722,0.830614299844,0.406840959221,0.116073095993,0.899285583013,0.282912702228,0.620203842631,0.819187753562,0.205492042556,0.233722124625,0.858276185899,0.313632124214,0.292393681448,0.460966205618,0.18151867892,0.0596195883051,0.221693738448,0.0671284226559,0.871000637894,0.595487366792,0.739903663751,0.068723984882,0.326725761477,0.0775826909406,0.834930784618,0.586485602177,0.560586395193,0.223161344302,0.340421623391,0.00924700899472,0.325958158123,0.0232717795915,0.405447077454,0.022900422435,0.980208973896,0.0455233389452,0.917454660742,0.863739140628,0.770962848662,0.00266528341094,0.316552730499,0.885027821062,0.834571872265,0.426097558292,0.724863191102,0.973420590064,0.481215074925,0.718787569213,0.757293587488,0.254884057813,0.205141873404,0.0162921783807,0.27471347759,0.420033860199,0.565461351918,0.663205999584,0.751175084432,0.549241393835,0.446840646297,0.380935828122,0.25708616721,0.699810286096,0.654141229582,0.166178462141,0.612724277933,0.47355407853,0.263257985131,0.703349225846,0.155420462543,0.830346065216,0.823575897564,0.942926809209,0.07512727022,0.0792610741452,0.909838008182,0.770828458271,0.150066232816,0.301928775947,0.578006617884,0.481535819713,0.418063378696,0.764716605589,0.323207555112,0.272836822667,0.331826473834,0.162088715147,0.581688308296,0.402454369111,0.873832525112,0.178504152515,0.137905394037,0.395134987246,0.0702801136905,0.970521177262,0.563621611576,0.0487220861269,0.96533468348,0.770363089735,0.604253165784,0.95759180848,0.611987784389,0.0239701138594,0.856520492968,0.300089741113,0.962703588073,0.89308775583,0.186082675681,0.745127734107,0.675493750948,0.113013798173,0.586966868055,0.199120111431,0.366709155181,0.00633335490287,0.621877307988,0.8680921655,0.742955573843,0.0116213918305,0.846507471164,0.296103111821,0.466163822018,0.729249896839,0.39876500224,0.739796787193,0.104607262555,0.606590713637,0.435311333172,0.640706152162,0.952906179542,0.139935639299,0.380388342246,0.154860537663,0.315593544089,0.498892524856,0.659097139192,0.783437139031,0.909265792896,0.721409544578,0.263127214991,0.937751816541,0.713746065125,0.948341785687,0.577206343129,0.488831346097,0.874590473903,0.123263659953,0.35645246236,0.0407749040847,0.12599656661,0.107125721066,0.521763976712,0.599319604052,0.716139656865,0.292289789807,0.818865252766,0.218610385626,0.145794215449,0.261292825226,0.852078950541,0.523507938924,0.288297841781,0.692526058053,0.593258124199,0.740526900996,0.587516872404,0.485301241549,0.463075052474,0.25031079059,0.000640009970474,0.335772014513,0.168643615644,0.301209194258,0.332167138829,0.5215438925,0.155961926657,0.138450431745,0.130923684478,0.812630092164,0.968363477717,0.0278113487767,0.473893245495,0.332149199193,0.769634598804,0.82603920997,0.45591247383,0.813599815324,0.0758823043239,0.0995601910625,0.105533793828,0.203156598106,0.399178339771,0.347068702912,0.428358324312,0.0921417403543,0.418502629035,0.321011278096,0.0618035022717,0.080312020918,0.814994487509,0.0733771802715,0.276150581807,0.53207906748,0.956322054845,0.464780505977,0.710322173545,0.292392945376,0.231958230623,0.918429282161,0.260460016931,0.978688497064,0.449782086299,0.087421011568,0.954948453419,0.204169391013,0.114970093069,0.0678737330783,0.182387425112,0.673922781063,0.533394207822,0.42162696679,0.937719941589,0.48294411808,0.246272361049,0.690097805688,0.126685286148,0.913551740881,0.690099690317,0.535673253947,0.477533568106,0.556559068685,0.391073981915,0.91348124604,0.606271095555,0.947704912203,0.0307951131838,0.0211275815894,0.751706000678,0.20151564546,0.413430423526,0.8181552251,0.298597273166,0.716437492349,0.910270856669,0.441591429897,0.423496652731,0.240414428593,0.483760837389,0.0995983926677,0.848927772917,0.613550162914,0.258690242063,0.713728340417,0.194395790942,0.482420233531,0.752407512688,0.413005601039,0.757726508616,0.687570094537,0.773707651856,0.940454950113,0.343819355374,0.536415164327,0.0871000497488,0.718935515957,0.339151291384,0.23537932052,0.333188902294,0.957321097711,0.273552738727,0.69905148628,0.579125130116,0.373857208977,0.473519189438,0.613875840995,0.789733635148,0.925547808177,0.0554396289064,0.989291316993,0.776954235767,0.180645922566,0.901414264575,0.884076627574,0.121730452781,0.977089353647,0.877294185967,0.377695546774,0.572823973,0.442324375338,0.485860731245,0.621529379291,0.799760344628,0.846217789517,0.530247022613,0.778957152106,0.190447227307,0.132510381117,0.299475155427,0.354463903367,0.0283263809609,0.266078720101,0.327084596023,0.934734243059,0.612400113029,0.651462165149,0.306349808748,0.655154020505,0.725820423559,0.160931720297,0.431770031211,0.636424177968,0.583318615157,0.339670077016,0.522260732351,0.0763280851069,0.889805403767,0.735440928855,0.0850530254833,0.893298610283,0.453639685792,0.324549442331,0.388299389822,0.74797478691,0.640967170114,0.471518339431,0.0784155431476,0.155657015556,0.0884244946113,0.311840390641,0.28434882331,0.591539199993,0.183130821797,0.879463599762,0.263366380135,0.340667083936,0.146078902603,0.356316776694,0.191313848593,0.11899463488,0.243709100514,0.037339129885,0.32932810799,0.423739807247,0.550532646222,0.953230114865,0.0304623220955,0.172171756652,0.457922420087,0.95746467103,0.874969310757,0.0945227126189,0.234931694394,0.108932357442,0.835016594603,0.782397282023,0.33145613773,0.586763268641,0.542166416564,0.468624029161,0.240184927579,0.0057515357628,0.0409315899938,0.995431738715,0.588097210252,0.317943566227,0.26782298518,0.272937634967,0.414652983446,0.364341215595,0.40283088045,0.220604440645,0.929866832891,0.109087965567,0.268352772091,0.265659879335,0.57576499314,0.440418598747,0.61884897558,0.065555195504,0.0127468593301,0.718707978399,0.963039524151,0.823716654255,0.81981340638,0.288714085103,0.239706836752,0.0237814056502,0.652903122834,0.571378881306,0.138214176754,0.77540536014,0.944627630674,0.20107945663,0.693054773927,0.348735834971,0.139196615478,0.813669216169,0.49528067796,0.208553740001,0.485998942312,0.649993563489,0.239809537344,0.519121208067,0.698654995118,0.860353348217,0.176169499233,0.373303784961,0.0467547227811,0.359773433039,0.333658448579,0.422446696471,0.942410304164,0.10409191408,0.555392720415,0.447238795722,0.670503478702,0.260680097988,0.329338864563,0.0206285604033,0.34884875993,0.14821054259,0.6138038102,0.69723154172,0.107858396261,0.276973453451,0.213231115791,0.478555115432,0.563267784792,0.497699493077,0.354652145269,0.394162165587,0.141814081605,0.252561636088,0.274422647887,0.0706818358866,0.246266544282,0.64586236318,0.307221910692,0.265800673621,0.283565139367,0.670994374956,0.984733557049,0.293668219673,0.0948680028188,0.253403619162,0.555869707508,0.287030536559,0.0108573499421,0.193553171544,0.16847271749,0.605930703152,0.278685143556,0.331269943228,0.99179106876,0.395777410979,0.255174473922,0.201939821963,0.769433775281,0.515525475017,0.0385714215019,0.0354232774465,0.550632496356,0.261109329375,0.426279756913,0.4035032566,0.0611970452289,0.0518624125935,0.808205428732,0.658373839863,0.320384951679,0.626785542859,0.540594499944,0.322975425144,0.040383897898,0.341667443665,0.975192267753,0.695602893033,0.867006437996,0.0906460213857,0.198580608073,0.229764236098,0.425264410378,0.616790960824,0.116036074316,0.484791625571,0.0424189863258,0.233172754934,0.130511534618,0.80308954498,0.360691809808,0.117120115575,0.656718015446,0.404208324599,0.0986528742261,0.645897868237,0.270053240691,0.0999773833799,0.825809523448,0.670608228211,0.192744419848,0.539268322037,0.548756633451,0.762060375767,0.0130452937986,0.491715362751,0.332505792272,0.175103395236,0.249958122053,0.590531715661,0.604671304459,0.849617494801,0.0508676763039,0.12061353421,0.664651924145,0.323642444216,0.98836927628,0.320943839875,0.327028756042,0.506869237302,0.58618324415,0.179851084773,0.333828599423,0.700232190761,0.755263477024,0.184603567952,0.262120056264,0.129962088802,0.720771103145,0.921747751949,0.657243280109,0.96465648785,0.976961930349,0.906469266529,0.600218131845,0.194193554229,0.966396381498,0.424806307585,0.203247986858,0.254352601462,0.250621191423,0.610364501927,0.401522745718,0.586375510268,0.380873355197,0.678404779329,0.367045479164,0.107223682622,0.743247152573,0.795952939767,0.973520396777,0.483908067865,0.198216567564,0.297513745187,0.549806761502,0.105372055865,0.103836680329,0.0572662943744,0.379383260283,0.992239744642,0.785483954457,0.35483308707,0.677297331884,0.264211057801,0.424549119311,0.170660820952,0.935818144759,0.105954037473,0.636999227671,0.345840278772,0.50158353445,0.3670188979,0.188912160144,0.400161183789,0.159113019903,0.858486368238,0.594827619078,0.55704146866,0.219924733682,0.110143545642,0.936856639262,0.600273424358,0.351543359624,0.377870325261,0.968284251687,0.8083387648,0.128317647195,0.0344724294964,0.0433918776155,0.603080045744,0.0824835135339,0.636538561986,0.47701784097,0.143123875037,0.510830957599,0.177918654608,0.568937442488,0.68103893803,0.03908621344,0.311849312214,0.222210272828,0.987370064944,0.849625187996,0.0989157785769,0.859230586247,0.966635219188,0.0747521025853,0.128509220388,0.245336185883,0.0544535446509,0.559342902158,0.151306835149,0.280379614993,0.248908421467,0.987497697562,0.352277084747,0.79672734895,0.893726199772,0.790723128149,0.495175514783,0.75028900884,0.507163772578,0.891261270254,0.942953275466,0.0241254559732,0.62370679282,0.366952630625,0.984224787817,0.235201805571,0.667396499455,0.929665328543,0.402634528375,0.899323808249,0.348307704664,0.918158830454,0.251982743744,0.775482164318,0.536907350577,0.108224401608,0.461389670329,0.517439809119,0.816896142216,0.574601395806,0.424855490918,0.641439790618,0.727183467515,0.322473444359,0.0144492499849,0.305736363342,0.558230771794,0.219297142966,0.068411756529,0.574028427688,0.392013189137,0.71366024843,0.448208495721,0.912220728302,0.327249938233,0.579328044428,0.52385265209,0.67220387117,0.228562489462,0.163161955464,0.368789564013,0.517895093884,0.286269445744,0.581354541663,0.520567339844,0.0163058887586,0.429782251378,0.400533029581,0.422762227123,0.542788636736,0.69461854055,0.512736051391,0.787820971691,0.731734357703,0.803436686714,0.305812327451,0.703579885237,0.0760601441348,0.297102405475,0.349146977788,0.100553284894,0.0771486394067,0.809631405958,0.297145630683,0.205557968613,0.211244311597,0.88490309018,0.753498626192,0.0338943466306,0.925990026861,0.266776112805,0.978203794152,0.309724354138,0.744133377664,0.202775123618,0.779141204616,0.246570824417,0.00544387061589,0.892865759932,0.274711890226,0.202911766399,0.985827475912,0.157413668765,0.687041053945,0.643398000905,0.688603961298,0.0980420475001,0.134869663069,0.630387740421,0.772291788006,0.348483308328,0.378794272365,0.66853196398,0.744159085365,0.357233959734,0.28020889522,0.914051544706,0.412630407331,0.736711763651,0.320279075419,0.603955336518,0.926372544807,0.246539298485,0.379701996684,0.779056109084,0.638527022645,0.532451624108,0.48337324157,0.183024707555,0.0830533937974,0.478436606037,0.0620043555526,0.28742024689,0.0712409367286,0.901199452878,0.453962908333,0.967542572892,0.685267291013,0.727426543957,0.633288673959,0.756251524951,0.715363096656,0.974971761172,0.879862012401,0.277402883567,0.151587621235,0.356947601719,0.810864069611,0.260427713523,0.938145659863,0.938196180323,0.541083677764,0.617178477445,0.286284476181,0.728255937491,0.122497854623,0.348655500075,0.955883745411,0.00985334542696,0.28638653792,0.871983053475,0.694939420657,0.669672081019,0.444082392214,0.687686151907,0.7214676265 0.370059201723,0.767737873257,0.351688014821,0.116533772666,0.674321216069,0.966530986509,0.315682205311,0.708351547538,0.633438579471,0.00381720793985,0.639705665333,0.476542878529,0.604204247718,0.499358533293,0.244817169214,0.0890586869496,0.941129778209,0.621468696959,0.000265599919376,0.166222174696,0.968773886225,0.232403726548,0.0344369709105,0.834083289354,0.42334820475,0.478334601882,0.0993131189963,0.687016205859,0.00816523286039,0.322272239407,0.134539650678,0.0950272276654,0.993387340478,0.29559547693,0.472925341495,0.226593377969,0.324977365992,0.497172706907,0.723659520164,0.802259024828,0.175202005629,0.998567112915,0.893706031884,0.292448275492,0.00571831176819,0.250194148928,0.618051618726,0.359896846696,0.719891037763,0.833328932353,0.598876738435,0.322969301273,0.846977489164,0.159423591482,0.873859509226,0.532977431029,0.42150595716,0.294758806728,0.445671079071,0.74522854063,0.233078182913,0.801421201933,0.156457422352,0.0884162054827,0.251353640924,0.0802022977144,0.652478641182,0.915528326696,0.856563241831,0.731389127278,0.56318166841,0.409826883287,0.12518069639,0.529291512696,0.817229220701,0.65005596768,0.0372543908512,0.509732641887,0.0884367640844,0.845233568439,0.730017678179,0.583880243479,0.224521510546,0.0358010032274,0.980842659933,0.635845495095,0.722073884769,0.487907805267,0.00589643388893,0.0889927766242,0.0243615079444,0.272853215076,0.473186174178,0.533783696184,0.380463742314,0.950370914222,0.224486872792,0.184100254845,0.199502338058,0.875828629221,0.637055089031,0.792499528511,0.420071617077,0.239049509065,0.234081645251,0.259129733615,0.588316283194,0.633409498046,0.522240860587,0.280201377028,0.907470637405,0.305243852453,0.235701048014,0.256439633937,0.944511848215,0.566991308035,0.450854722594,0.822716490603,0.897112885861,0.683459261802,0.423021409548,0.16437660003,0.812779480239,0.0328833701111,0.95823453505,0.0176777389273,0.610859750115,0.80902666056,0.14136345277,0.678642378497,0.788031678067,0.882969277737,0.11635693168,0.867445321541,0.975932127371,0.368515107552,0.760261272511,0.349558457039,0.0232302115693,0.924372866054,0.827129507011,0.753109690281,0.198348480294,0.565093353683,0.775307248061,0.841383270873,0.712865194566,0.445641083004,0.72558892485,0.766543031703,0.45704515501,0.0713839014532,0.54685250865,0.457120323169,0.49768165753,0.250309537746,0.530133001096,0.794617625079,0.176595805301,0.920941536324,0.951947735929,0.772436716785,0.404824720931,0.0564773472935,0.655612322591,0.81915673016,0.627503303951,0.136058805731,0.132425782416,0.300851689706,0.513497614414,0.451138430886,0.723139192857,0.548360597549,0.217349844064,0.868635402113,0.274663412749,0.14701491809,0.428282692362,0.918381959888,0.621762780669,0.605590888355,0.320371252636,0.761052606553,0.696430605925,0.0942969290675,0.987210105119,0.574713584524,0.823850460772,0.539284389558,0.775707409202,0.536574876563,0.0339085037271,0.0887442267207,0.823135503436,0.675712478652,0.486377818281,0.351189132935,0.876853779112,0.801079054419,0.263814800268,0.723322360384,0.892900199467,0.374860203292,0.957248770847,0.366252319756,0.484407287926,0.281641746299,0.319192610362,0.514832461084,0.368723144348,0.799875689079,0.140584866846,0.58514674578,0.763656291156,0.964536212677,0.642349183357,0.22903639967,0.856924575176,0.130852867669,0.997714718205,0.44618335335,0.120525846278,0.45118965026,0.650794355502,0.702212001066,0.668370259299,0.385784986982,0.409510966236,0.757366975982,0.199243307885,0.740249753829,0.58042274366,0.668741193343,0.00219619396526,0.0769543044468,0.852285418279,0.19338416474,0.071067058002,0.0793904379771,0.494862754249,0.669276547472,0.22010681899,0.935871619639,0.969487265399,0.894995299306,0.704282841656,0.96035182666,0.669459051825,0.790118344885,0.599828621384,0.652141981136,0.00587288207914,0.154119959331,0.67197297252,0.383950097309,0.819938473247,0.424168042765,0.118862767842,0.325904143059,0.924051574576,0.382662788321,0.955828295408,0.0689935157873,0.23897563938,0.235410019346,0.217105107334,0.904262758012,0.0834797247026,0.0786680373099,0.581611155967,0.900992040556,0.0249661939064,0.657293019644,0.483491793293,0.464340707557,0.940292591404,0.0822560035822,0.719348729619,0.998935392253,0.200330306868,0.435930264426,0.522729956282,0.680509684503,0.0254452580592,0.159741865779,0.533336941979,0.72771673192,0.963490670601,0.712687982318,0.355999514099,0.103826988189,0.0794480490672,0.232692350485,0.922052741404,0.813875656669,0.640117474003,0.246314116574,0.348316096422,0.471107453523,0.938017875949,0.511314800281,0.315562823329,0.146802786946,0.279275129466,0.857288622,0.924677727232,0.161366660995,0.739721761897,0.683592295403,0.152151520565,0.170370063484,0.0939127625268,0.681443112258,0.480268599183,0.657333415937,0.374426350813,0.489662415483,0.117673718658,0.533953103784,0.336269628835,0.970353840575,0.598830658643,0.157832539819,0.665236771153,0.830580962536,0.306171813028,0.997114779692,0.967989298537,0.658043615716,0.0991371864332,0.633292183383,0.232707504712,0.950566701131,0.400423544149,0.166347714827,0.380550709676,0.887294422631,0.65106103953,0.993610348771,0.426983720623,0.754967550374,0.337985218727,0.10014538713,0.248105824516,0.103357169974,0.815383061054,0.505002857581,0.0418652169534,0.974453734291,0.826117216169,0.266628810857,0.854155425723,0.362728589888,0.244156190575,0.229657825789,0.399861979586,0.795179829251,0.213020300574,0.826710440592,0.92281708482,0.25836478827,0.997028740138,0.460677803671,0.337689343795,0.750584581642,0.528458411692,0.294968465042,0.661385974689,0.875848780226,0.998526388543,0.918237408566,0.0120788225302,0.274594755823,0.249661281537,0.938599309182,0.728493614992,0.790565393281,0.915866136793,0.85212889132,0.780186260608,0.640380228411,0.115302652793,0.0638610374263,0.276353754445,0.646579760515,0.796124611111,0.186395735773,0.579639570774,0.717697674641,0.399751948854,0.541142832281,0.819669612222,0.827246673334,0.84072509465,0.547649053618,0.472483273705,0.913262388479,0.711756792374,0.0889147862078,0.095818944378,0.796324884088,0.634975241102,0.894039511963,0.192806131231,0.862677761882,0.212057100659,0.425802305885,0.999678565075,0.932148557961,0.371485029639,0.426665144112,0.509848628932,0.921800190667,0.227295912851,0.716345914716,0.919685053703,0.277676034766,0.430191836696,0.824252307195,0.255808720187,0.601649494302,0.383574488459,0.952440669844,0.745974511644,0.544918852873,0.00562025218308,0.625249513401,0.380077107355,0.953746580888,0.772382075032,0.0815991021845,0.62803942695,0.808362659246,0.488011857329,0.3089019453,0.453877312555,0.411785431491,0.880928492625,0.529043672678,0.781620915688,0.531267888827,0.343302135511,0.0335879123,0.236111419979,0.174258775263,0.59156589623,0.645885549036,0.878372554708,0.192370971303,0.0287583624247,0.018444203005,0.784489995346,0.693023677936,0.0279579270978,0.0184775197545,0.209794466841,0.779145104441,0.00153103757012,0.585363989139,0.442011974898,0.968671855124,0.223376239473,0.0774825028404,0.949129868609,0.72324870637,0.103328131535,0.8094142908,0.493825758515,0.107899522588,0.810725123094,0.656782060314,0.402959119567,0.748342516849,0.986615574825,0.949173521509,0.146701851137,0.437313198859,0.793654213622,0.453358007652,0.565205024748,0.0110389861787,0.112648229018,0.988638435547,0.616453120587,0.242457511009,0.572074954538,0.214641902709,0.945331521252,0.869706302179,0.57419132989,0.977030616492,0.913596102197,0.523183888948,0.62817848941,0.477106818469,0.111035212492,0.013588118312,0.35951848957,0.140827939675,0.0479576783628,0.757930908479,0.180054431288,0.038174246208,0.267803559459,0.433563512588,0.380251421381,0.100961285238,0.0531580746198,0.620430688448,0.829004374358,0.392234089733,0.633125645368,0.692093016249,0.116604751231,0.956180012014,0.104008082628,0.798683718791,0.797101989481,0.925872069046,0.496577018916,0.60934993834,0.410265690529,0.24056756889,0.0822737214208,0.769987270768,0.447309372082,0.333684067557,0.747232090049,0.719298638761,0.596276280126,0.437126235445,0.896398145427,0.410441733795,0.884546090337,0.718832126065,0.264320927367,0.781694699642,0.809931003943,0.535920128905,0.285359539633,0.636294766097,0.0203944635204,0.967323960211,0.667474063017,0.69379952717,0.150630642987,0.460777245618,0.338244727758,0.967343554994,0.218100222856,0.0674371321801,0.968084061424,0.843871801602,0.0680238497724,0.445504821057,0.0860237281024,0.426910872256,0.273226280727,0.0621549686727,0.12256863148,0.634144182917,0.108277583668,0.443597937229,0.26493554083,0.538602889462,0.00905713400309,0.304337168167,0.987113715284,0.626404961436,0.434370132,0.500428694954,0.0656261183289,0.667755839702,0.38524856474,0.623384360643,0.223573122396,0.290216635542,0.381445730364,0.33662045845,0.260626672168,0.794963902552,0.253301003677,0.804853452321,0.627914217661,0.614388381247,0.30284616603,0.00723560366042,0.827853618478,0.18780902852,0.305995901724,0.884686349568,0.839968612125,0.789369612718,0.727406081159,0.145936299042,0.585927908569,0.18119451672,0.201250534296,0.129061370135,0.164213631065,0.572519298824,0.640468790123,0.681369457326,0.85693547542,0.0495193952846,0.607553177032,0.763655678438,0.0025023807471,0.129383237804,0.124380825628,0.0314984629902,0.360669705764,0.00671092648303,0.0989411777831,0.30336613587,0.741915041394,0.456658524079,0.191274250894,0.353878519769,0.295558275977,0.264312043653,0.779388834995,0.790334347771,0.235381501396,0.314922522672,0.978995652401,0.645071638536,0.844441437731,0.791413144352,0.311428434319,0.718415843174,0.779964294736,0.627267132924,0.813047770413,0.687854714422,0.495453714502,0.682144350633,0.78934349303,0.791612015401,0.956672604262,0.365109000991,0.876893872948,0.589641605122,0.888421931445,0.884255993066,0.748900973929,0.0316895156271,0.210660510314,0.74465843269,0.548305080972,0.212507159044,0.0698581192949,0.0985155552592,0.259159303754,0.780711627963,0.664314208814,0.621931188881,0.21182485261,0.255392920355,0.0478569895942,0.957070762378,0.721114001651,0.662996453358,0.396054784786,0.444134533286,0.954281807398,0.219651631764,0.985898698577,0.861750234561,0.618600371857,0.728658118363,0.178996760833,0.427972195152,0.0676831704046,0.0978789189487,0.588614348547,0.148721790173,0.989795384767,0.406776495921,0.767714509574,0.785677576682,0.694958237315,0.553210211268,0.139554207434,0.862328191004,0.729021641252,0.755430432869,0.139902022786,0.53403834655,0.463006983042,0.616361085787,0.408637659159,0.18357231621,0.90691806442,0.391672229237,0.346038681609,0.347196964604,0.126009503682,0.837441368807,0.602363737591,0.964579620851,0.672481855332,0.757758819302,0.722571756188,0.426582622878,0.275014487175,0.628471254374,0.977954268728,0.603634922349,0.200621043005,0.314349052632,0.171300958595,0.595439592629,0.422025732282,0.565411952576,0.58882941882,0.51025709096,0.411715610815,0.584569236138,0.687225335546,0.56985779624,0.630918354115,0.788847332385,0.846243660009,0.171238545258,0.841120825098,0.473931642807,0.46830614385,0.394549359889,0.915411644489,0.421156018883,0.873473285063,0.794333120487,0.422299440412,0.220278450787,0.667771976731,0.458629379346,0.261278980281,0.582741507769,0.415963766787,0.0921936270574,0.771261334634,0.518119144692,0.770842550625,0.842710815963,0.0338329105097,0.159897518585,0.893763637827,0.93657767233,0.872855787591,0.125459780407,0.128943647817,0.210163753269,0.0227205744694,0.18085572615,0.526326764717,0.0914612449897,0.413285383992,0.0702699764109,0.617033390489,0.907289467609,0.975941106875,0.77355217844,0.201384215706,0.202631149297,0.274419670614,0.691769954416,0.250666973818,0.918944647551,0.347774848313,0.987459173575,0.28676933151,0.685256808831,0.374262586324,0.603667627044,0.692274562095,0.813606825994,0.468483064548,0.565855074094,0.0382585435946,0.665626240439,0.00921878307326,0.156284865193,0.0938225391408,0.972423341106,0.574612408812,0.782188563971,0.790074762438,0.383760055585,0.349281801197,0.11910192528,0.239271229997,0.312830554597,0.414309813754,0.382163731314,0.620208752088,0.48250071338,0.0755975825895,0.238656105023,0.655605050716,0.116044844783,0.601234520439,0.0777188422069,0.195269944633,0.432080464677,0.411111295606,0.274992914558,0.352718733507,0.236254499215,0.871798819835,0.391036452582,0.930785857732,0.96025216758,0.0430536384545,0.379605095894,0.622079336923,0.771160773083,0.403051380612,0.315399187922,0.287916653182,0.345365588413,0.940850106807,0.503716704979,0.88244730277,0.681836857011,0.160562222618,0.322393749845,0.134755444892,0.940667073906,0.933111062139,0.0957235292969,0.34173243856,0.792186190343,0.218950970521,0.213732232291,0.133687258179,0.313096127418,0.730980425054,0.781383929175,0.0284174225754,0.272990532479,0.674212439574,0.594221187105,0.635244699844,0.772241052236,0.257756084435,0.101553708288,0.119800092777,0.861882220576,0.533835132032,0.0613521454464,0.226287720073,0.067835146816,0.435605105188,0.53865650996,0.433216572578,0.943897628771,0.381956341575,0.0588387588268,0.543334277037,0.0550320475268,0.465247026405,0.527277845895,0.866152722693,0.140406267203,0.851941063684,0.404244388292,0.988467878743,0.31888737454,0.829181418229,0.964720599804,0.208354410869,0.0703827998303,0.744199375425,0.273657548113,0.0151719364614,0.931842057842,0.651681888038,0.185892628871,0.788324905085,0.11784990402,0.425950125381,0.67550292152,0.0297179583117,0.064471314296,0.0598494472899,0.505917984037,0.898234040933,0.680181820083,0.919068253396,0.605953629267,0.779633176091,0.371381993581,0.284679769202,0.0307485761868,0.408207694181,0.935780275219,0.0049269740923,0.0188666259122,0.74862055918,0.561917147188,0.892672177052,0.779072598822,0.535084876081,0.160276429423,0.184073866144,0.932449861246,0.929097687451,0.889724549833,0.882618184392,0.275616239924,0.588907684452,0.845215234729,0.630866656185,0.889641634911,0.171072899003,0.216270590602,0.754651159983,0.535666034191,0.0381025569309,0.120361260225,0.414168240455,0.888637016734,0.566283987261,0.142772901661,0.463292943215,0.134282791554,0.7377459893,0.884906649065,0.547331861109,0.195080170029,0.92257062203,0.771772524238,0.867231565672,0.726873008252,0.650525337908,0.937681664979,0.242671783869,0.721554552608,0.967843226876,0.831316205359,0.821713169627,0.840308186748,0.952395431616,0.598170535023,0.294152133531,0.102507284841,0.664933724332,0.317931849848,0.453005268513,0.529944537039,0.389971756541,0.646815224923,0.404724356594,0.297029284327,0.410663292678,0.394356403714,0.802825334088,0.793660835713,0.92044466576,0.517425637956,0.743539680719,0.273796300941,0.645033326411,0.930096464299,0.309390257477,0.461202913164,0.647752729536,0.70893258301,0.274458810186,0.545494317106,0.267234068628,0.450642862812,0.605085264767,0.753559244772,0.981456749154,0.303354148089,0.990042983405,0.600246557107,0.791882436203,0.738135347962,0.979246459324,0.860831839049,0.663481873871,0.881442342364,0.3966379247,0.017787585682,0.77287775372,0.482275170452,0.665333956673,0.572516842116,0.220527968896,0.617346173978,0.728876653563,0.704256178326,0.654351493705,0.0384707135104,0.220020047927,0.0941058203503 0.207944299753,0.570079997271,0.354584212495,0.181727120185,0.331589224624,0.601037491527,0.698951529131,0.287873527711,0.65761161674,0.816307123385,0.282606451083,0.61159766319,0.0373322704116,0.137227019584,0.532374439508,0.720334482611,0.23670996312,0.0763921304442,0.791724408207,0.847913937784,0.844127321131,0.661790331742,0.238172261498,0.898988979889,0.871395971312,0.720366175042,0.908803231315,0.00307241680522,0.0778661431367,0.702202204029,0.0255418153619,0.969098387984,0.505829091086,0.595574414651,0.920040008899,0.515629471178,0.636933246994,0.0658732342827,0.646264985155,0.0458264822382,0.0761260394982,0.56417391635,0.22640828171,0.11725962507,0.841078987213,0.750281901652,0.326270856036,0.0439422078163,0.988594443854,0.414042096833,0.862827130483,0.665113122805,0.204073595989,0.71397903111,0.590205379879,0.709931615344,0.886509812509,0.821911989003,0.587312065962,0.487028600367,0.18433815541,0.894785779422,0.58259150381,0.119017362094,0.55320207792,0.607833176119,0.379450416283,0.911515229344,0.294125518057,0.179146418646,0.131390030468,0.153931676358,0.688655064766,0.937911658704,0.601996907797,0.296691669383,0.866225645763,0.322996715974,0.482109976556,0.51828158375,0.972629660648,0.517674067583,0.927674599331,0.601026520917,0.90441948415,0.432092093818,0.960174111767,0.828316076874,0.947266504572,0.347962333597,0.364297696108,0.0670497168178,0.226131332828,0.595227008491,0.518939320581,0.824905385726,0.0190455393185,0.204316486842,0.821791882428,0.176806121197,0.362580596481,0.218530686158,0.919634112963,0.730357377062,0.341582327527,0.227853480974,0.368882341942,0.5423219266,0.059230794102,0.471548274933,0.64956229528,0.0628883828535,0.457918562206,0.178053171229,0.697333372871,0.559651072097,0.557520046957,0.135889312253,0.96327174429,0.660441811007,0.481538509357,0.0769141833818,0.138302398784,0.051121891998,0.307599693811,0.232946063531,0.0164386567842,0.995605665656,0.289233869388,0.0215419917258,0.591024143511,0.709957877779,0.223019055548,0.155142618106,0.508308369741,0.153682744349,0.680295160412,0.485189557701,0.796645989024,0.635367851765,0.598259669882,0.687533789461,0.314825243582,0.322349915323,0.186458023891,0.219450951971,0.806878407419,0.28024163289,0.332477014929,0.378602484793,0.147057265967,0.246922505565,0.870887732619,0.563424760816,0.198817702559,0.378658909871,0.470838858238,0.499283655408,0.153779425158,0.027649319333,0.567555433115,0.80232251423,0.5802498167,0.674930211732,0.870978152177,0.547946773228,0.741602894301,0.605946909599,0.909455672143,0.430156429261,0.661096789781,0.458822073902,0.325532541553,0.944397860127,0.344887265273,0.666095278863,0.000679124855747,0.332337385923,0.619535833819,0.791046169845,0.927549724219,0.113318101806,0.757135055861,0.382560687649,0.428077313118,0.247048211588,0.627297820052,0.369119163127,0.585726324984,0.37346997783,0.953339564805,0.0909105613429,0.489741414206,0.661726934642,0.959825170701,0.664648142211,0.107280425869,0.705770695071,0.522794537579,0.432296777845,0.564153722171,0.453992069443,0.794557942467,0.706752316335,0.755165330075,0.0410575793017,0.89001804669,0.714503869427,0.374219745392,0.200408702459,0.023887733545,0.496120791985,0.613416632786,0.847561084999,0.532452936075,0.40079272598,0.00419204688596,0.445424192839,0.181069736836,0.964281668841,0.00899431892557,0.936577612018,0.956037219776,0.0902834826832,0.900083009417,0.647809603949,0.950686331753,0.627823252342,0.34147821168,0.116423634346,0.520778492571,0.266070909298,0.994283911383,0.44659938939,0.936752246633,0.397913136882,0.938415345992,0.596919499922,0.768901958506,0.134818903993,0.0381467168313,0.648848485855,0.650799840045,0.557130658685,0.137583317064,0.123391581235,0.226794980352,0.997206414642,0.526047282292,0.754662625519,0.434103284031,0.681568526953,0.232232182328,0.0918137044081,0.907197874025,0.863679398171,0.81136936122,0.846478959413,0.375096058945,0.05050509374,0.106814227201,0.707463594747,0.601413789489,0.59424011336,0.602416918242,0.0919016490614,0.955682702881,0.347876204572,0.274754619294,0.668524997169,0.566233339171,0.00844125961286,0.0241412203865,0.532576415443,0.0626951504477,0.428881397037,0.808017709813,0.417901113781,0.642203892029,0.637864056342,0.497470642649,0.0797897245308,0.506804594325,0.226233185904,0.0333788247902,0.637463230542,0.454428430258,0.0195967244232,0.239423835567,0.245436605412,0.548694605032,0.761077066796,0.543698946157,0.881685601043,0.617428061562,0.490907686624,0.0254574341143,0.390932114204,0.777387825383,0.258792725694,0.0756354660231,0.615447583812,0.973656135075,0.0686889470128,0.171882211747,0.369524423247,0.916790343041,0.455434933046,0.500620409672,0.406471080187,0.605224402008,0.0429749817679,0.763808606606,0.816465521284,0.767048630972,0.105376034402,0.076042293202,0.180705236785,0.912366931672,0.737496345534,0.920270244658,0.254450635206,0.39780010921,0.106128092959,0.810147808615,0.864998629846,0.869670201695,0.730249763935,0.345002727567,0.973139375076,0.251784059502,0.579676409853,0.738954608508,0.18866476916,0.510959905708,0.933181321008,0.915908438529,0.913738632981,0.787762371555,0.941429064157,0.536754537275,0.0870229464495,0.417072626857,0.705650169886,0.266434306176,0.45135141655,0.412581336921,0.714780865027,0.654389706082,0.0751417952267,0.196389611355,0.0638590137664,0.664917566222,0.772319072899,0.700731458674,0.107130349041,0.932125106899,0.1571734128,0.129760520065,0.658887229616,0.0813029067985,0.0949933976761,0.219907483966,0.234334662611,0.743573995261,0.774615118826,0.284153802939,0.0755885306146,0.20973637172,0.909312894355,0.917821141799,0.247465634684,0.431231559203,0.839126830234,0.790603552075,0.971163655266,0.344638800749,0.101363322841,0.639901261386,0.311129326825,0.0265641675674,0.0375984745624,0.065272274982,0.271584739999,0.050908445326,0.401221154615,0.0677827952239,0.795921969755,0.583620585733,0.35354730785,0.0767869150577,0.128281997994,0.858641178693,0.270640828433,0.446718140305,0.763470134482,0.0820529160469,0.939778242764,0.341928907931,0.901523803931,0.681989424013,0.0345356170743,0.296225641148,0.0569802855807,0.037209859347,0.523049901343,0.0425667576726,0.660301627627,0.382358900006,0.559436233658,0.581623570584,0.176100811123,0.241747513918,0.134379812887,0.965681351102,0.406100309774,0.545559365917,0.591176258157,0.487571149546,0.973649914198,0.720734460113,0.668261162272,0.532816408216,0.874290286142,0.209138071231,0.278972777001,0.104594999916,0.330409765317,0.907587714125,0.52756432047,0.639893815528,0.195273427938,0.24456708029,0.979928405727,0.271169825507,0.395057199783,0.619466634453,0.926557908731,0.166300934919,0.108983127548,0.393772835521,0.704262794327,0.864435397179,0.74113261215,0.915442571161,0.0484767029871,0.88600800907,0.1015354127,0.586224020095,0.379621253785,0.754763880417,0.880536699425,0.237806894153,0.702833876725,0.115013637166,0.943009725645,0.805670552191,0.244789460921,0.261058732638,0.793480696448,0.830165227116,0.523325057121,0.142305270806,0.748074422521,0.72595632591,0.84204055336,0.738197376759,0.404729092204,0.746322780639,0.0956121494669,0.490503702538,0.580624350757,0.270853334807,0.88052846833,0.305426690627,0.329415734461,0.641168580487,0.168624275172,0.193916453382,0.245194931219,0.808054784614,0.173015202205,0.912666128039,0.0674348272543,0.933849242044,0.0647321592522,0.562326896075,0.40979746689,0.857629511559,0.865496498562,0.707774904196,0.0721100643163,0.141941288425,0.390971813534,0.793365410138,0.595358104497,0.794414147599,0.23288206171,0.397416338972,0.977765025569,0.0350969720706,0.568952539972,0.707338112347,0.0860422891031,0.736466083418,0.105044011196,0.619947843326,0.852991134927,0.884645225354,0.900044323287,0.916745642184,0.197267234343,0.42684254646,0.55472831993,0.652823836937,0.614993320921,0.291671240038,0.827362093452,0.175482904645,0.024522984003,0.882042772302,0.892871749631,0.177794765066,0.730760987805,0.427548945911,0.695799739756,0.29534195582,0.567527929865,0.302165274551,0.0966325943155,0.642441790882,0.176275057209,0.970196018341,0.0433974051706,0.278256651829,0.447148506604,0.00771956804804,0.680138988468,0.821308122444,0.0416836471919,0.461171393904,0.368029866517,0.066036750151,0.427904048733,0.101532810699,0.319958935239,0.913027801282,0.554750635802,0.970776761619,0.915170482763,0.395807829188,0.233346097947,0.934303262816,0.995461043227,0.336547936324,0.106502870253,0.476465963365,0.259293145309,0.439020970037,0.353935942021,0.816772512973,0.594355809882,0.831171931899,0.183073496577,0.0628130445213,0.162112223461,0.847368454416,0.141131839117,0.263261226598,0.370433303431,0.0235797480668,0.631152833749,0.016034438719,0.782074037735,0.0417395003988,0.724281615026,0.602398290522,0.346338348075,0.285653416738,0.607215839266,0.876765652005,0.0292935222334,0.309082701071,0.818263934916,0.653045032954,0.999480874452,0.464683330595,0.14218604196,0.745220903705,0.471002183704,0.621345498621,0.0262198121116,0.00939595948039,0.738698956846,0.533010911734,0.116449743012,0.369572116405,0.886780424141,0.314647802358,0.213515610475,0.523914792907,0.192311516536,0.87480129762,0.121263648449,0.524330408715,0.128701956823,0.315718002352,0.103619422684,0.0768306007917,0.818130257831,0.967893533367,0.150280098472,0.0159073291036,0.491642145795,0.0733484404282,0.0529157596008,0.3882929078,0.00327854197464,0.248869051303,0.608245846291,0.262697894637,0.776745743525,0.308813166314,0.375306404905,0.29609845046,0.783642263628,0.483955402455,0.950413889472,0.773984495615,0.503841411477,0.0605354596583,0.550696559651,0.45031079248,0.461767058149,0.649234050834,0.229838295878,0.380318662243,0.524511891702,0.817298744475,0.578270158512,0.181140308957,0.160230375214,0.341274794807,0.437886483647,0.880536601164,0.259044789083,0.888287083218,0.246109389355,0.291243437386,0.736116712164,0.171300378181,0.81300226903,0.0634218811355,0.692168722932,0.539312618769,0.728880855532,0.425177414911,0.697946911708,0.932221016909,0.661224872857,0.171771163324,0.0927124843445,0.567478213487,0.219570812625,0.339553499163,0.90171404113,0.679783292294,0.833191063143,0.993149871105,0.476120972703,0.0122807258048,0.734032323054,0.120891872844,0.28330758132,0.332870653263,0.769258108056,0.211843300323,0.733933704553,0.45826712321,0.231917852854,0.478809055765,0.271722623214,0.620349107236,0.256991136844,0.127046936208,0.179314403921,0.715651735786,0.4665441802,0.218256758758,0.455467162653,0.447832810057,0.187268023087,0.366274625771,0.262059915937,0.573397679632,0.884470978288,0.948598522459,0.169402168408,0.626203736103,0.348268271879,0.853514638421,0.944704161472,0.684699208544,0.148699583705,0.466254877947,0.766558996819,0.568210809308,0.692641484339,0.157090665161,0.159656400854,0.475399275346,0.133294786021,0.0838211460326,0.270152386328,0.943684768038,0.010434057002,0.638737240358,0.703559193926,0.366819414559,0.848388100737,0.843347364705,0.797271752687,0.559009068655,0.126103868188,0.702589957984,0.106919048453,0.0128300859838,0.368109922777,0.775293389026,0.367189822691,0.173609942629,0.943774846268,0.780365003956,0.8796545626,0.145591772828,0.515762888499,0.449635117017,0.827149258368,0.284627722864,0.83150639564,0.527028811683,0.131492445611,0.198489281723,0.927700293645,0.493409511232,0.619581394868,0.778821885289,0.982322056254,0.325425927008,0.700948508389,0.166577925769,0.866072358555,0.960881944106,0.739702844512,0.349344177362,0.475273731723,0.690197804094,0.0272046553597,0.315475227858,0.468030555966,0.361905196129,0.916721901178,0.731226707092,0.311276449448,0.316282464809,0.356927277252,0.0715406509602,0.668480705408,0.127781648944,0.204256533342,0.0253178300752,0.201314239291,0.202096653037,0.840607213033,0.372879124601,0.31616833405,0.919593613544,0.580278402714,0.455919312989,0.359317373128,0.0178435743824,0.352223111023,0.449165958557,0.0423238188185,0.413872636623,0.361762813211,0.744315715789,0.325536832823,0.788798653894,0.275156325554,0.905960727053,0.684073407111,0.198792310368,0.758523113589,0.446211411548,0.0486276269734,0.413694425952,0.911568455021,0.426521381508,0.553265817275,0.7037859445,0.976642548715,0.78679043483,0.81726026022,0.433612275118,0.94575945036,0.41414028038,0.129098799415,0.424078961635,0.190978538775,0.028289568326,0.973392178253,0.428575644589,0.150436388836,0.248489220549,0.744399804175,0.836263379862,0.992725038719,0.165985299416,0.36796182455,0.893493825541,0.493528841908,0.579713268255,0.104790156636,0.825674251127,0.389736697215,0.530753894124,0.831794675005,0.26252944588,0.977641867067,0.00600568358811,0.816850831782,0.0264432667875,0.384606103858,0.68156437322,0.242573875476,0.722783773577,0.935892621302,0.0453581536034,0.0164472771816,0.568781556996,0.252423042641,0.830724527053,0.73189328711,0.862759151441,0.23848738684,0.983754898093,0.693278968368,0.676070274951,0.421237328053,0.376698651355,0.218624452804,0.407959286735,0.10518947684,0.897694007116,0.343092431162,0.867570684914,0.0529238214649,0.384673863968,0.442251321315,0.451640128242,0.798954931883,0.216563378966,0.338815746696,0.41752507848,0.574711441966,0.318022308139,0.927909223361,0.481478067179,0.705233053314,0.00698334200619,0.141181661715,0.884655935866,0.216135750558,0.721052677865,0.00951779857452,0.919313578933,0.896930317575,0.179134669046,0.217092269699,0.878865071346,0.579916200161,0.53442392697,0.735832837847,0.807741686647,0.601224613019,0.491832677047,0.0172655426206,0.951653317585,0.408913535266,0.441647053944,0.968297442517,0.618938396449,0.32030497676,0.564495433387,0.275930639496,0.635732351602,0.298324318501,0.418859810141,0.195969993989,0.118064599199,0.430004858431,0.845902399658,0.753599526669,0.801269555578,0.463845261805,0.0937597905208,0.0216883823031,0.589306974789,0.994966572845,0.207632488904,0.702993600001,0.484714135203,0.0343598382974,0.255933087615,0.873634203565,0.654900940357,0.480938252681,0.819103148324,0.155563179281,0.494565382652,0.892819339529,0.886786979795,0.923926104195,0.0350088653216,0.0519666739621,0.191313719645,0.28526827658,0.112355684051,0.888757603764,0.240572741388,0.430776401655,0.540512059743,0.732986409348,0.843584601634,0.423770503673,0.575842964755,0.747870068521,0.655735171657,0.392990105547,0.281025039887,0.861738953991,0.00430152941321,0.48205978538,0.242694193377,0.667786939907,0.817843685775,0.288002171079,0.405499028886,0.173232970868,0.0319008257494,0.980102356059,0.866746133074,0.936002521885,0.196389270352,0.161973525017,0.475554349082,0.182444072909,0.196300177565,0.711863442779,0.213559789795,0.345469363268,0.958847502102,0.142457987185,0.0456987008172,0.245671725898,0.446429284598,0.526547214684,0.796142403905,0.312604468313,0.230484125331,0.0445484242157,0.919227087195,0.0537457081176,0.293904417065,0.456963204483,0.0731177897769,0.282700487916,0.868645734971,0.0670857404448,0.765954347378,0.885899446811,0.973977644281,0.229711807113,0.635148404997,0.67596252649,0.140855295602,0.716488101327,0.12158840848,0.345544163908,0.0730686379684,0.372053702022,0.395316698549,0.100561842796,0.0260829711099,0.356292837057,0.111201691415,0.698016218833,0.608408192949,0.380745495858 -0.614561467709,0.287995781426,0.192036731961,0.23543153955,0.562642775309,0.85555117524,0.41941581492,0.694643102041,0.240520005312,0.062754489455,0.976033935179,0.0753262265663,0.749169605971,0.445442243385,0.639876318084,0.518244096353,0.982048620493,0.641253116168,0.844531114783,0.794296576356,0.766131122833,0.658792190343,0.962271647486,0.31364909362,0.853797934225,0.333791760254,0.103048443439,0.0887384557325,0.992139960681,0.516517786198,0.851310927765,0.450159336579,0.99934655099,0.21799753122,0.946616489399,0.462020662657,0.0371492801086,0.207215701184,0.0611764260116,0.802254396435,0.606559447123,0.891770017875,0.273500675127,0.944318052837,0.0798737753047,0.524417294903,0.767783810294,0.259398835695,0.133201939381,0.867310722015,0.346715902175,0.867343786309,0.558736225867,0.1590358078,0.0976712644989,0.81051068429,0.714014287614,0.085656858215,0.349839250721,0.917864181016,0.21793462465,0.929360542968,0.413285802779,0.136064251131,0.658736910112,0.482392632818,0.525006395147,0.0189748360887,0.281812316558,0.799686051802,0.567947171477,0.254852082405,0.102420647087,0.840793147096,0.363671533264,0.414193672811,0.846274069659,0.0578826996574,0.344137507214,0.580602169945,0.475242284685,0.622107016408,0.162360649348,0.782588727379,0.824454931421,0.0373807729819,0.0150498056631,0.194523153357,0.260786839132,0.488494025107,0.507447041656,0.611225566882,0.68122052543,0.716172167358,0.12645786483,0.403615229083,0.720018706195,0.354161435199,0.481145470364,0.893175585842,0.143900998239,0.0378864402257,0.988619980548,0.782300322484,0.508154970634,0.840092409379,0.295424982517,0.120722367694,0.768097915526,0.154601724492,0.334918423266,0.870388350828,0.387034721722,0.2691563444,0.453868125623,0.471625694688,0.963690807838,0.75382833714,0.288406898992,0.132580257178,0.257834453164,0.116968195642,0.837688339362,0.60903192172,0.756940054405,0.585051664677,0.653190444607,0.16429681776,0.345864099478,0.636258477429,0.207272123284,0.680192599757,0.668293902987,0.495440830023,0.850786035871,0.0216527906128,0.701346529539,0.351840362408,0.298965491283,0.783204936376,0.00895760241488,0.312301264555,0.574873812914,0.936411206818,0.0543406062156,0.525944878237,0.647591388594,0.126816364523,0.0644921526079,0.696443342521,0.77118591859,0.801409686728,0.402241043204,0.774737564035,0.0732123517595,0.852973911045,0.819611931548,0.586007039349,0.591675438138,0.658547684907,0.213593089821,0.355982626393,0.650947040322,0.705949307883,0.533941561378,0.466564459699,0.0175187831673,0.415298105995,0.577296862129,0.108744495162,0.475378477552,0.69057601467,0.0957003450181,0.926155226199,0.282453154129,0.18386714772,0.954489405853,0.653732335283,0.780335436128,0.261986318259,0.346778054404,0.7901375845,0.911031355857,0.253478124868,0.360256797945,0.391129943633,0.255047717896,0.792350617426,0.278197805343,0.979886847787,0.0880055660245,0.701965041309,0.617034860208,0.00960602913394,0.821837520147,0.215928260141,0.255348573196,0.122334740189,0.4279057567,0.127529198436,0.0661983952213,0.188163039036,0.723991761588,0.772285785189,0.294003980268,0.438769919509,0.601691581485,0.953576766203,0.76474806878,0.237195074553,0.522253528581,0.285408511838,0.374393365385,0.218345891713,0.560819369777,0.154650560847,0.167862880407,0.336109787834,0.830797274643,0.508768845514,0.361015885232,0.316685221833,0.234268554974,0.795009919183,0.732370397367,0.0812736362506,0.885750124645,0.333922326882,0.618150988418,0.368645347198,0.167459253559,0.070546904698,0.779362186418,0.127876094968,0.791523554817,0.233825546799,0.118418760223,0.6449751271,0.199845366952,0.53573423707,0.467363049525,0.275339210254,0.652580144837,0.0865608053297,0.536591675739,0.397980039734,0.106389809949,0.47656447573,0.364542555273,0.751757481308,0.239536083362,0.501716808742,0.35066272066,0.405121223589,0.711006311539,0.497237860252,0.310260732306,0.793917715195,0.412345546285,0.325559149625,0.921977969763,0.27422836564,0.164026954767,0.884243575338,0.405671895957,0.970115219248,0.136770651561,0.894364383407,0.710924450274,0.593094550337,0.173357571302,0.565254965318,0.564130449249,0.706614505945,0.189378337988,0.905616536075,0.837186979556,0.402275423003,0.307802348668,0.7169691478,0.596530575244,0.687353671955,0.0936153558531,0.0830735455488,0.937163575413,0.38336605807,0.356181268742,0.993582357476,0.42251312073,0.561810843898,0.554687644468,0.920823692914,0.0797825631139,0.219839932442,0.0376981583084,0.0120662977757,0.894216479927,0.314277920235,0.935923023868,0.0645601097686,0.286182319973,0.426475939666,0.419005094185,0.941319480699,0.0750927965519,0.419966148048,0.575993584405,0.446376271006,0.715766687741,0.211543477577,0.548550807088,0.290803566598,0.361364395582,0.987352183831,0.243999165904,0.433884156937,0.702120618842,0.173860118414,0.819584560732,0.30929343496,0.00737443548284,0.880159145196,0.665042528542,0.543322701265,0.355939164385,0.870452705391,0.845138412423,0.754572190624,0.934678720821,0.369597937141,0.771590505357,0.69633769251,0.0686603317861,0.855501078102,0.462005325841,0.150782234908,0.432120108612,0.225100288751,0.241336400318,0.351919129659,0.206669935651,0.227554789234,0.189000738853,0.815363274112,0.266886948713,0.816144710548,0.919992507133,0.212908141929,0.90351252187,0.117060659757,0.742859876672,0.044465538306,0.14717042621,0.797037171743,0.397010835533,0.676197734209,0.160287985897,0.646925190595,0.481749984831,0.714189418206,0.658938834325,0.50485888307,0.927020282477,0.950923609784,0.756288357678,0.420440681359,0.124288293067,0.720751161011,0.917509035986,0.471772223479,0.535357583752,0.443160634972,0.0176338718924,0.553934025439,0.657305997059,0.533988004589,0.570309730226,0.202972125866,0.822616247947,0.109070141435,0.488350180337,0.195606531385,0.689827016167,0.32078550892,0.354857834248,0.638829485176,0.682906011338,0.87231649588,0.131783870725,0.434647104122,0.551489067661,0.34620027851,0.597065784166,0.422892619414,0.786631635564,0.30020007845,0.153092254998,0.460867910147,0.547972201718,0.141633229101,0.902653601358,0.278768521457,0.136690623953,0.484100028229,0.67862394422,0.138332234299,0.528939284681,0.452029919792,0.922010716403,0.247694060128,0.0743997448472,0.56571651246,0.294283035112,0.553459403853,0.824057576572,0.394794774303,0.169488472769,0.965281399695,0.435482869593,0.564539503728,0.0220498717313,0.304765104062,0.502921968969,0.387770287983,0.592698640927,0.169542247438,0.48485769788,0.871207123641,0.848615520398,0.617470166936,0.446556782318,0.118262052773,0.680340209097,0.0342897899281,0.612000321408,0.00472796767045,0.441285928117,0.147178700288,0.525077408817,0.24954895938,0.16405244581,0.378269209205,0.0393072928459,0.541859037896,0.848677960061,0.129387294604,0.0536348948574,0.891291833668,0.549424086314,0.185808107329,0.865379451839,0.875812824455,0.607049634422,0.28800797247,0.625785245888,0.746610584453,0.671633808851,0.237521590248,0.122694877192,0.526944335494,0.0402953593243,0.329626787391,0.245658041778,0.844146185673,0.937167403142,0.174029864903,0.832854148182,0.297760658624,0.609984895539,0.970702015379,0.724123841931,0.272566991047,0.50508715668,0.991431882561,0.31026012109,0.743088235161,0.868899307443,0.366172475898,0.15075328581,0.870274427324,0.904008103928,0.343051502952,0.169001047585,0.308741909913,0.705889894279,0.0913134205474,0.278242337422,0.250371741735,0.855869134418,0.548645051812,0.486287585137,0.363857608063,0.619860971659,0.782501935133,0.045752169921,0.0259258313715,0.499615073458,0.44928124266,0.0910744444879,0.90050649642,0.284079311983,0.898955474859,0.763213041261,0.859950459007,0.687981506151,0.273249503844,0.824603158952,0.939037822563,0.0765103570555,0.768448577072,0.957722522912,0.709199535417,0.795823675652,0.764467185882,0.218764415518,0.795904706495,0.345614823221,0.724162254967,0.505430902334,0.601806604767,0.206650950064,0.389783303278,0.812371312847,0.613426260128,0.420285717771,0.407274382938,0.00561154200509,0.583245178585,0.648136869061,0.0780939798275,0.114087030168,0.0751597441449,0.706176610191,0.756598924569,0.722627791019,0.140014338163,0.596482387917,0.77914741111,0.833267437444,0.663325267423,0.260444769528,0.508091073164,0.593104027286,0.0106875672655,0.21910314218,0.506175966473,0.990648721978,0.360879405529,0.147974604228,0.438976017161,0.28808235292,0.0662334535586,0.858779070179,0.856414557755,0.390633315577,0.396972606582,0.223352152119,0.472915135297,0.274964452537,0.733195680855,0.52129487953,0.413828952514,0.642648357087,0.204661026106,0.913659146808,0.825529363297,0.350023698927,0.788080424439,0.207119728526,0.929330840814,0.843688769644,0.66917590064,0.390751159292,0.0452727524316,0.290079647058,0.403252760064,0.283069809559,0.0140192129075,0.0930433520547,0.252866055162,0.476695049866,0.132498013613,0.48304745867,0.621516652083,0.785733903389,0.708151525771,0.840471081764,0.454252160792,0.459749885679,0.252911227949,0.738218749467,0.00024349711246,0.675686258331,0.120047044502,0.545006043578,0.799400351456,0.0998466489311,0.0436311620907,0.730827049332,0.832195693573,0.834452279293,0.0546476426091,0.149124257919,0.624940170694,0.057322717803,0.608791548245,0.919385471401,0.475833627986,0.670497334156,0.0664132507481,0.70814088659,0.200473276638,0.0867688329537,0.948044121541,0.0759026415403,0.658658204799,0.948216164114,0.759668878968,0.260407768679,0.102893182455,0.685875495919,0.779909408317,0.388321688884,0.0643599179112,0.624681469622,0.0122697850876,0.432232754592,0.821710512608,0.0612305300711,0.076310432786,0.361719846045,0.556178815541,0.341522645183,0.734974897633,0.530180195795,0.285593984144,0.592333654909,0.190676916767,0.458824916484,0.225732048532,0.184516714116,0.938360830208,0.12917857471,0.881681574851,0.420294358215,0.0396089167895,0.35234214679,0.636295660779,0.993738833582,0.753881587288,0.987788351336,0.298165573381,0.218061820099,0.592399048593,0.399423652657,0.785188559135,0.520967761832,0.850085328939,0.22299677993,0.14970867688,0.720165680245,0.550504164259,0.585739510339,0.983973640346,0.253346247961,0.0864535893379,0.097450313417,0.13092406505,0.292167771741,0.948850943838,0.791861973972,0.59344270235,0.867689643435,0.607790600726,0.58026477904,0.698547755408,0.364783349273,0.0864118779158,0.484433995236,0.230942460721,0.822799145626,0.0820283742409,0.812669056688,0.657795103882,0.199737932684,0.804660974378,0.550377623312,0.941837512218,0.970920689739,0.866420417499,0.186399957685,0.949967605692,0.877350973049,0.0731046966058,0.19014182139,0.999555696709,0.3254130966,0.555371244653,0.305672831844,0.670785965342,0.579412461174,0.831861043879,0.253981290739,0.83049274841,0.213934451914,0.530005011346,0.412266722852,0.617467748876,0.263623234941,0.770016597545,0.297846866686,0.541165319378,0.805790504375,0.716698471788,0.588253010432,0.469350472396,0.860569685412,0.638463704022,0.420293362995,0.0598416940287,0.439609125441,0.178866587544,0.383641168966,0.321524569148,0.983226828766,0.338129788159,0.235257723266,0.377559255108,0.546207157705,0.558361548713,0.367411092559,0.548901211598,0.754631019819,0.714136862441,0.871885915183,0.391156807739,0.883771135721,0.216164428925,0.61184762238,0.0833686976101,0.805900459522,0.226191399698,0.444022039813,0.892259201345,0.0478891223501,0.593423351734,0.736497782872,0.751065680527,0.244052245685,0.551885083388,0.812409989615,0.0811230485956,0.137844164281,0.597218378539,0.140467908077,0.543545398259,0.672817631221,0.221458647285,0.311582840335,0.245141862661,0.248593111264,0.867167627691,0.479589946831,0.0226124891714,0.518002171196,0.951521670039,0.151483996107,0.336021525206,0.781243670307,0.444483564722,0.137339876901,0.171708449125,0.924708497916,0.110165509216,0.682772586747,0.927793264003,0.530942912535,0.277919982203,0.133066555143,0.438168567154,0.997381028067,0.605285518203,0.628074289392,0.553538126575,0.096459289289,0.700461981727,0.820289274521,0.49045147969,0.147773965973,0.397535371424,0.362923154681,0.660837620062,0.692791193129,0.772350760935,0.870828543233,0.649605460044,0.833589241071,0.254213980946,0.241024897328,0.686145505565,0.865265040552,0.228664322691,0.403617402649,0.110639286985,0.485101151767,0.411447665703,0.297435282242,0.832445569687,0.414691808204,0.644034405918,0.665290078326,0.750869156377,0.223155133489,0.29391874808,0.887067098458,0.110859292403,0.17627693505,0.230348755849,0.550530649663,0.975013330102,0.939514567419,0.37807791307,0.570532400196,0.309276658801,0.871526382047,0.958371121751,0.0284960667315,0.820636904125,0.990251286533,0.29422528505,0.545123038797,0.385194638425,0.929709006459,0.923752949232,0.13443025131,0.632281351155,0.214642200289,0.819536062202,0.0370279691931,0.287582140009,0.0915934745122,0.946981806876,0.107736468547,0.259034608764,0.188274590268,0.895964684889,0.55560259282,0.59019690306,0.482854760467,0.313464645468,0.232506827824,0.420496055179,0.727928941503,0.4743901242,0.201029993738,0.206006174655,0.621302018844,0.91489557793,0.619411755434,0.720151773447,0.287966655147,0.560965031523,0.82870434971,0.831965457552,0.552272620024,0.625148110303,0.249651636888,0.867078368771,0.0559351764258,0.367750121949,0.0299346767197,0.634974771016,0.923945036302,0.388508033379,0.679602941461,0.0426714996485,0.906660105899,0.901616184299,0.478197327474,0.0193691586237,0.616485134453,0.424934104114,0.815189191692,0.276106690582,0.203154523015,0.631605054426,0.735253155045,0.797505155955,0.559063991985,0.404322876474,0.466313700941,0.821974801009,0.629580841259,0.765894423732,0.940921153588,0.842199034887,0.236354733834,0.263154921238,0.159289958006,0.493282075329,0.718079650992,0.275914771739,0.30113107999,0.174883442529,0.208244462833,0.0553332313465,0.332631381303,0.622239710574,0.0579879213895,0.502657228451,0.238089196203,0.0449665561691,0.353814114819,0.163276195658,0.343459505115,0.381608280656,0.85191687697,0.587420327223,0.869238303677,0.64556283068,0.335377897085,0.523870895575,0.849250592811,0.106346643694,0.13673108259,0.92329593586,0.422100602728,0.606143234297,0.833094683445,0.0851625617756,0.823426379958,0.496761018619,0.667629971839,0.718624498219,0.956623608949,0.490831285896,0.629044572201,0.0373352299235,0.811776869344,0.202287683815,0.917881722973,0.093693721925,0.936062682999,0.373759717224,0.444078921628,0.748225979781,0.774435376986,0.236737954435,0.509078888996,0.718579515097,0.516230341149,0.86431282282,0.382001329711,0.311365204163,0.166052332988,0.365714567201,0.18007134409,0.928518669821,0.998992874433,0.545088211411,0.592364961614,0.556777914126,0.211441632451,0.387927859242,0.891799495939,0.470701586225,0.142955782689,0.197517321245,0.396340848527,0.342571485927,0.989487525617,0.362202190358,0.783449620119,0.972927892548,0.983392636908,0.88462446929,0.074990636955,0.296594417116,0.137144303722,0.99190163688,0.521094619584,0.701746653794,0.618436242214,0.870754727282,0.408474546245,0.156512498623,0.227523650053,0.547579338826,0.12215069396,0.0958090357534,0.969322458574,0.811019614078,0.3200382912,0.344173298809,0.0741002998118,0.531065843217,0.655474902195,0.696046386128,0.766738192273,0.619965202167 0.264997870425,0.0789023764107,0.917629247699,0.88656507934,0.167122191028,0.749281199792,0.401938803657,0.360757550342,0.566283035442,0.270769779533,0.820937379695,0.839622719014,0.113202048925,0.445592549829,0.399837896671,0.122745662977,0.2518628973,0.249121404442,0.634183327316,0.249883878428,0.281993105441,0.781771709085,0.508623079233,0.0508216772542,0.148269068919,0.759223642589,0.594037316463,0.689586693467,0.643709245607,0.554751794372,0.136083444204,0.834031941188,0.414685742439,0.71875750265,0.227087312073,0.370333123919,0.455885160798,0.796370648068,0.254994703047,0.582698034524,0.18565618367,0.505873668293,0.66167185595,0.761651106986,0.945419741345,0.675462269144,0.908760191846,0.0855825082611,0.0110046665753,0.292140189824,0.519331325797,0.0955280784627,0.65329961498,0.939870757621,0.507169090608,0.0325632208633,0.103295699168,0.83489142572,0.806736798594,0.405884043585,0.151768997653,0.00885154882906,0.13287448166,0.802092819419,0.336741057625,0.0717845929393,0.686993508397,0.0765885760293,0.49573387924,0.482854607817,0.721532630368,0.641363298628,0.162895530117,0.0670043773608,0.394578850128,0.984337137904,0.469414610481,0.809496790842,0.0118380368985,0.96190643978,0.432349363309,0.545035453414,0.342043124154,0.0527990653617,0.75395205199,0.0407243342779,0.687610030328,0.669930892457,0.788282458825,0.397138665827,0.149315141453,0.542153586006,0.5683035601,0.864197908647,0.230309841774,0.776416734987,0.265855019106,0.436874896214,0.319729720943,0.887544694134,0.00717304102308,0.64234601697,0.530226506807,0.329431486919,0.243307344007,0.938594034159,0.525328781577,0.0261726931839,0.564309302667,0.0323596009844,0.779316991139,0.239153679556,0.818657431288,0.105608188041,0.351254534898,0.67033831286,0.595608880299,0.82927227318,0.814169141364,0.935589547861,0.304956373596,0.683991668678,0.318963989368,0.504388193058,0.783180371308,0.80081839569,0.979540693825,0.914053823693,0.311452906079,0.600014513637,0.57635772032,0.350574942659,0.869640127133,0.268998020578,0.933495186915,0.743586832827,0.358810605525,0.395466736428,0.904160367631,0.289987267656,0.91286674458,0.481843437079,0.41524862418,0.737372402604,0.720231603834,0.922108477671,0.420881012951,0.882409462689,0.955603868411,0.39841818535,0.217348724285,0.90328200252,0.593276938712,0.147852906939,0.312769891119,0.48701810605,0.0449061448575,0.833946678772,0.360123489283,0.134103942276,0.0441397655782,0.0244252017446,0.580723416353,0.902888351637,0.252827672114,0.389301566113,0.95711585796,0.931652090988,0.321257472276,0.308982432632,0.470711212709,0.0987557859449,0.181940706272,0.330108281052,0.103503788785,0.456954937576,0.880626272593,0.358004439425,0.348023664276,0.670651963231,0.177957054047,0.442649625237,0.0120890337827,0.951850013926,0.869297966979,0.902104714678,0.583505608474,0.320654845145,0.285819561015,0.612777373211,0.207069464404,0.285827280338,0.756828056527,0.0644403201344,0.581575151278,0.895594442987,0.65890203227,0.71854257709,0.362451794513,0.267128469476,0.513765518141,0.448766535204,0.807305380512,0.452773088482,0.134931452149,0.159513187304,0.623671892655,0.695953450875,0.282715373102,0.123915054223,0.596002984939,0.849185770366,0.768202495322,0.395928693578,0.0498150278232,0.679939885884,0.518845377711,0.426987055708,0.462477491216,0.620495628952,0.774471386445,0.902081842713,0.503778385163,0.255534205796,0.320292295418,0.337849005959,0.726834540777,0.143433710322,0.131229653537,0.834003083783,0.499954339738,0.629495330105,0.188561781651,0.542048118945,0.486836072703,0.273377622189,0.537105749541,0.734862011506,0.463032503659,0.0819095223231,0.738286340738,0.0203982465946,0.581384839232,0.000582560154509,0.316843223005,0.32522899597,0.124917890932,0.0487134151635,0.450955299542,0.771547450811,0.889617409738,0.849753247808,0.660822590787,0.502455208512,0.912074849597,0.188100534793,0.344482840829,0.893356711371,0.572409583215,0.145490465344,0.825255086702,0.869906360776,0.196320899903,0.1736443031,0.0683561292807,0.0493910962012,0.0859137230979,0.880986452002,0.919327139948,0.419097294993,0.510906378215,0.475598883306,0.86000612326,0.869514140157,0.788359216526,0.274026379922,0.796041447179,0.192503387897,0.546847101781,0.804777840197,0.51850524241,0.508858495388,0.768900194177,0.25672843355,0.146739926975,0.605175387664,0.013556130988,0.249077934506,0.15542822849,0.863083163149,0.49323675986,0.737830101863,0.895374096631,0.799786606168,0.527722341198,0.714700772799,0.401489421153,0.104738573573,0.298294505841,0.951864741379,0.529327889004,0.864797018004,0.237848464723,0.922405423167,0.82494433732,0.0895099150675,0.639874949181,0.543332261271,0.380853284429,0.827011107238,0.849388290156,0.0644453317879,0.377221233867,0.504722804425,0.881562645262,0.0550880767056,0.520704923358,0.246426718987,0.635847137138,0.599191261747,0.366550829176,0.275016584006,0.463370363568,0.375038444431,0.132346832509,0.0126671817983,0.457290705494,0.869014069247,0.647348153884,0.187321164741,0.816885100581,0.256245622523,0.919850478885,0.844402490464,0.525182138722,0.486997660598,0.0727665728036,0.397687693666,0.135610629294,0.544469594889,0.894601395164,0.437645544905,0.480847823648,0.505367638601,0.986028808426,0.936168430273,0.334402977896,0.90693459496,0.239071745698,0.245666291684,0.717428507401,0.0757087239408,0.0277242788054,0.417170674374,0.267099986139,0.89993442161,0.650874758955,0.543907606311,0.632164674413,0.158083132324,0.368941349917,0.789818220452,0.364626213968,0.347538490506,0.731812576413,0.535612007382,0.729216918854,0.088882460015,0.304445276853,0.480230628315,0.00519404038353,0.431086339824,0.0126944917706,0.850413509399,0.747833792854,0.970895591877,0.491351332248,0.34443072029,0.938751322466,0.341124462682,0.044876911393,0.49375566624,0.877055813761,0.71993095271,0.540202894706,0.826075150231,0.0737008974696,0.844751929644,0.901170879955,0.319756044747,0.383417867423,0.752213940152,0.477729137619,0.0517823319916,0.829166693893,0.477308136864,0.154530659463,0.383312357366,0.3349792543,0.73914697729,0.703253659412,0.218060861845,0.166894349535,0.252495795316,0.529204725675,0.550814959967,0.0508859166945,0.21271882841,0.486724619591,0.452450244382,0.214750111793,0.0674327863979,0.933573477206,0.126088656629,0.275528269861,0.959672982574,0.530887670096,0.85192595304,0.830699316559,0.998583794115,0.0682593297932,0.247300388664,0.909404656341,0.352180437117,0.610600777672,0.962025932255,0.74016959978,0.0661733409382,0.158308507181,0.00708125235077,0.358806087326,0.0568094595363,0.289067212615,0.360653340471,0.0630545769129,0.082733139464,0.237674233527,0.102285654105,0.776812688951,0.871782825389,0.0695015692037,0.207467702913,0.964287557321,0.872043847851,0.457136843859,0.31949425136,0.319043321627,0.292896026532,0.00668009064427,0.173543363927,0.15896564012,0.822918223608,0.96717053773,0.176154255091,0.853797218078,0.191999155052,0.148893005608,0.843849010388,0.0178486651344,0.6542182772,0.766359745089,0.992905979162,0.09223842768,0.532184459815,0.743174565538,0.891347558273,0.869841463752,0.173325377823,0.653450565065,0.18703411064,0.0709673429802,0.0950162199002,0.728779482437,0.571076720485,0.459329469896,0.14218354523,0.226187416084,0.62091502513,0.974462301306,0.403278083481,0.575676231054,0.223574327389,0.402706026727,0.0463073029528,0.044463643807,0.878994927338,0.940854886519,0.412593437685,0.292139818894,0.338818171194,0.813002389485,0.597348811506,0.0271162174888,0.108983008556,0.924926075177,0.0391282204375,0.254405101766,0.0523512121142,0.679326581003,0.710658289795,0.709724148701,0.543585714187,0.269078600168,0.327919752522,0.0371512450844,0.61263224699,0.997655496507,0.263826339055,0.822714434148,0.380895926045,0.38864327249,0.906070585104,0.379564174965,0.962018828751,0.82316606585,0.337244343032,0.669359678641,0.184873088408,0.663091975283,0.755448716506,0.0900343725476,0.164325625187,0.062734821095,0.26121963397,0.754506418679,0.717023091427,0.39691344661,0.65282634907,0.105094142384,0.559781267249,0.856170684337,0.16942419492,0.560335309852,0.632752329679,0.0289501406496,0.9806144532,0.874442340518,0.137718811299,0.338519025915,0.824046248221,0.200622220822,0.163004396395,0.00566075514316,0.68488239235,0.683981927181,0.694358142206,0.821260861382,0.373289240211,0.712372512956,0.227500920494,0.927558285437,0.80445448105,0.0276780101167,0.667998451305,0.981580271894,0.666290012923,0.815267232703,0.337010442365,0.947917742143,0.332380758579,0.668189408163,0.60550656403,0.119506833341,0.889037038412,0.982695794174,0.740226430614,0.235456416663,0.458876741556,0.169016064954,0.7749545963,0.629508559287,0.584737416888,0.0331824042362,0.823598862442,0.871692364818,0.4815096901,0.725115087409,0.635618953288,0.00790370426787,0.315458499584,0.340991158302,0.686175619588,0.852835742593,0.0238503513015,0.477807600113,0.0507640897462,0.493201416075,0.653097588017,0.958983936387,0.720453408048,0.531119928379,0.91125479364,0.484311431252,0.771118064852,0.383480660643,0.420202342828,0.366703494383,0.507854105189,0.404286880807,0.861381209455,0.63881057437,0.435604710513,0.560480069118,0.965722321426,0.30259530852,0.833006637646,0.204086830835,0.918695015248,0.0831164344036,0.852102098814,0.36089376954,0.960379823491,0.47631685466,0.389284811628,0.766971968902,0.216660564216,0.967689921313,0.973600292124,0.42448951909,0.215379832968,0.11117723678,0.287533430069,0.0753643695976,0.135801327838,0.879041625665,0.68509547267,0.0223910063316,0.329378129013,0.0118358018687,0.0475012904582,0.448805433248,0.993760106129,0.217202151479,0.100321351254,0.0935714354856,0.793414082858,0.357708554234,0.229396732127,0.694952570382,0.933479194174,0.589766396115,0.167074996486,0.772754011286,0.65814090701,0.499434411601,0.182065748004,0.156126067272,0.225865063455,0.405140203694,0.774349565779,0.482853833918,0.718670402636,0.476917029031,0.800808230625,0.378684119074,0.417439044732,0.697402025541,0.813835948108,0.689253362573,0.740982787708,0.201234979132,0.889379656988,0.990228776121,0.595710825631,0.595258933652,0.600875482837,0.985485760787,0.95490971883,0.660529973488,0.0507142581301,0.489681882691,0.744606869046,0.968492562407,0.039046887806,0.237278670128,0.456182608671,0.0412997884842,0.840410276277,0.501537418492,0.991292431271,0.475057754342,0.524569705871,0.546881412634,0.778894427194,0.0242881817979,0.725972098581,0.372788710635,0.164114510633,0.486978793357,0.793357626264,0.526556783243,0.522684315226,0.358504514738,0.334106804796,0.369168865076,0.0071191541824,0.862366715341,0.715671711076,0.965719245566,0.791681679498,0.0780517111488,0.971406012254,0.178779870782,0.476516129318,0.84613115353,0.71694950151,0.16411513983,0.734975213658,0.780772206411,0.808503281873,0.901714857638,0.854735746238,0.991877902342,0.177490480511,0.836120173247,0.862431310581,0.119187408399,0.106192955371,0.155206860355,0.788649108597,0.845633922955,0.229495502025,0.715502796165,0.364099977121,0.1742801272,0.395966889308,0.5157551772,0.322910390104,0.13438015894,0.850025828846,0.421009393302,0.0145502691292,0.975529659638,0.343702908166,0.0523001273082,0.550354519355,0.248022204162,0.84025052705,0.643125681643,0.795297438629,0.229361846833,0.91166774219,0.547804638275,0.769269166865,0.112403941086,0.997121722321,0.583196849336,0.373474184853,0.986237042673,0.136103759906,0.0127799787002,0.0803220613545,0.976032166432,0.732992639151,0.39781241581,0.16812611383,0.826065821671,0.413910851839,0.311195759158,0.880606707689,0.900593954105,0.457901814602,0.596862399793,0.328550787232,0.554805393749,0.130746445834,0.691085620751,0.88095104817,0.966248441797,0.552557587575,0.603749645143,0.977645379164,0.18228887975,0.838103645702,0.300078344881,0.338334973831,0.965130405513,0.789472070987,0.683737921846,0.281807194666,0.213313401483,0.968835103268,0.278774069448,0.653162632567,0.266207575642,0.0515488324871,0.710981857949,0.662126999117,0.493901183233,0.699636564475,0.767694017958,0.078734682905,0.893069252232,0.993618598184,0.808201094597,0.71251947169,0.254457595633,0.453221879822,0.811976776777,0.498714627186,0.126888963087,0.210278372046,0.435815211811,0.609238629743,0.431397199624,0.445448064026,0.271956818201,0.813011924284,0.701385487509,0.0787756439045,0.244686775754,0.107838930598,0.289879896903,0.00933201848748,0.507736921709,0.959358169624,0.760535634012,0.963820681651,0.467833668815,0.586877420683,0.560606379118,0.964486045464,0.0531244974008,0.944808288414,0.980590291838,0.517029366747,0.388889251628,0.975593177919,0.500015932836,0.419807745696,0.237777485403,0.632020231696,0.333293428067,0.224829755753,0.874145627345,0.373831574985,0.991209912607,0.218683303428,0.168815257848,0.518320041223,0.3822397778,0.0806510526218,0.452552360832,0.628690936906,0.552309197009,0.193332194126,0.0738870877753,0.0476476262171,0.587408646376,0.611515439652,0.428721727792,0.749555269984,0.90127914875,0.982881315484,0.278947731693,0.190778150426,0.671398319274,0.558617584184,0.944664815094,0.982471707524,0.599433572471,0.780413597166,0.76274697718,0.917682098981,0.503051748487,0.890687060111,0.21651231314,0.62825479659,0.0558732612672,0.43838728151,0.867563262151,0.431255909252,0.980269814456,0.619448311682,0.601369876507,0.340925476534,0.647901670745,0.574566618898,0.18064070856,0.130990989595,0.730367167785,0.326952094913,0.0361898209244,0.390716541996,0.646912958693,0.345685305991,0.625384582864,0.421761183595,0.35865993942,0.0289055369597,0.922150131158,0.503588876392,0.956979261293,0.436260308142,0.672642059681,0.945010918474,0.264244669586,0.928159302677,0.0182809728152,0.879127385406,0.166021233937,0.683593274825,0.702171153366,0.725846015285,0.667813704695,0.261765359458,0.191212366342,0.575507132387,0.353315901964,0.0551839658072,0.385230684715,0.0975395883081,0.285964811722,0.594154993822,0.25201614751,0.742925082972,0.900502145065,0.670269570809,0.44384307583,0.166296495255,0.398507372933,0.864004688512,0.00157554286748,0.460920830316,0.484603024493,0.421745003778,0.522526901695,0.31070445968,0.199976540519,0.124309105564,0.284454664979,0.851251753865,0.939967713256,0.81334237759,0.234403977035,0.260069104273,0.856367634869,0.149016526418,0.435551845736,0.344759910955,0.336757231825,0.336379194008,0.965685501887,0.902254182549,0.337657876611,0.100867564932,0.0744469997069,0.616743190553,0.310152969884,0.165113288729,0.246510565672,0.78912834763,0.455658045516,0.916932950525,0.921705801192,0.017844856657,0.159623975731,0.154571889279,0.493034189588,0.778060550618,0.0505920648898,0.536411119425,0.298991420076,0.419092014786,0.345996467533,0.262644199388,0.709158122753,0.595288277347,0.822465915745,0.282674134493,0.824065650009,0.921703411922,0.999785662333,0.483598490446,0.340887746604,0.461972845652,0.66628547812,0.0230286305827,0.38811707743,0.804760845508,0.0319244942298,0.447303666192,0.101411466282,0.187928728175,0.839412899117,0.831853973581,0.302495339598,0.799890196944,0.498691360854,0.491163349744,0.43842583217,0.0528984454683,0.643211213235,0.778445910781,0.832797589766,0.215100216339,0.593419751627,0.713574307481,0.313594217657,0.0768916568484 0.123084515481,0.350712331851,0.913472686578,0.273080372074,0.891748933625,0.801962764693,0.107968934769,0.818263193087,0.376432792187,0.276892393946,0.52037660876,0.407932389573,0.242666225441,0.700875339452,0.655054563919,0.854089502372,0.829382989216,0.13749591339,0.950887464052,0.406307083003,0.162439109412,0.393954235235,0.485107384648,0.774393649672,0.992182078186,0.620444359539,0.0465689735584,0.0747275634157,0.542602536105,0.161862515803,0.619761641838,0.47367671858,0.750017999225,0.101524405996,0.688741163793,0.132795961279,0.478385049604,0.0802203146498,0.524203297112,0.895417006364,0.448528038677,0.425352259063,0.370535723425,0.906819071214,0.558728020213,0.529042533476,0.890216299528,0.480479080067,0.273271215568,0.633619268696,0.536125452477,0.176122896725,0.872872823803,0.777845281074,0.552325880678,0.793013592225,0.00832821728621,0.488217036494,0.329632830973,0.214307000121,0.113889975672,0.13805953033,0.235868554909,0.0914311636137,0.884558857068,0.982605673702,0.149040988362,0.509780811101,0.384437332074,0.314365346251,0.499291296634,0.336402363139,0.948924700546,0.384872964718,0.165277595061,0.00436564583629,0.497659976482,0.465522600098,0.782866833116,0.0643109025585,0.327819537184,0.702462446753,0.804932416151,0.967198255106,0.410664582533,0.00336392848129,0.807205464831,0.38575314481,0.259187518241,0.351589301163,0.0174423544877,0.931925183851,0.112442534633,0.680630546475,0.106773824479,0.125722736986,0.380627885267,0.895739054996,0.652558872651,0.888102591516,0.637936943634,0.62070898466,0.722129469144,0.23637962246,0.942358713275,0.194553756247,0.641182639797,0.0463056560279,0.711375387856,0.126017592475,0.551284612596,0.567517654029,0.0191563141044,0.84634407128,0.606654224371,0.29092390131,0.37772941367,0.573014683664,0.117243868806,0.681528631665,0.934584990395,0.719035305565,0.442437727509,0.767365437537,0.549054635872,0.178900815873,0.315486018231,0.197668308816,0.726403282646,0.685245460432,0.81863580227,0.929772525237,0.593819148924,0.0469043518113,0.0414938681911,0.118880833548,0.0211045653225,0.131748987104,0.639716100897,0.732587627171,0.701361881793,0.747991418708,0.450566336092,0.663132594828,0.312927216167,0.550743251125,0.0183591943605,0.264079922019,0.81488292355,0.0196410085034,0.830726801692,0.0487761274685,0.750272867195,0.0518803234946,0.22055436833,0.571876276283,0.727484102033,0.879037421403,0.995088416199,0.425796000021,0.139785149955,0.6226965593,0.115280807136,0.993481099267,0.419526213175,0.137913151553,0.95617635423,0.266183775155,0.436203758366,0.413214361594,0.840849075113,0.941295517048,0.510881498039,0.147588655516,0.0879323134099,0.401311296889,0.236396945586,0.406892157395,0.491522759327,0.64584518215,0.340319051796,0.805294861967,0.854789672953,0.464713600143,0.100943633147,0.649987687729,0.74300870346,0.820773824565,0.219583594884,0.980198331552,0.675966518865,0.950489537349,0.969692055213,0.107206918093,0.762361658922,0.165916535528,0.371313879555,0.665241713617,0.0399813820205,0.140011331301,0.230431018913,0.959901491669,0.50646653185,0.156463090511,0.494018399366,0.334465516932,0.788863364214,0.0561458410311,0.132116373072,0.0155877509606,0.129133757199,0.198481218698,0.905512004718,0.761143240444,0.952669280005,0.459971921942,0.934779622151,0.191366750185,0.305424532919,0.770351371617,0.215494357301,0.973940827787,0.976621516264,0.39490375619,0.0600001294529,0.683159613623,0.728475534039,0.453351232341,0.965899460267,0.573312119732,0.488251073831,0.125084191316,0.423185884244,0.972992884605,0.414917340654,0.118779291495,0.325702684348,0.7446645676,0.47042931349,0.507601457266,0.350953535488,0.759517364826,0.374989459473,0.507249323598,0.955578651655,0.533177745575,0.239070823827,0.302535683913,0.986948807199,0.499670978422,0.255338709665,0.937251402639,0.909275751711,0.967563490771,0.0958449690202,0.580930532077,0.911324909867,0.652730222247,0.882774564442,0.725812196304,0.761663051161,0.219315282275,0.952252101898,0.628891051084,0.0571467090538,0.425214802228,0.947516616377,0.522945804182,0.618472683023,0.201753915154,0.089881915189,0.157958023467,0.434406061835,0.271102849544,0.067229934463,0.639804138298,0.412995456823,0.873935408212,0.380462838159,0.376443249082,0.226461253449,0.550162431865,0.0290880565651,0.638851167976,0.646006623393,0.588206556094,0.789053422886,0.533531700178,0.990073342163,0.109919393535,0.632655814159,0.729743070016,0.481609352427,0.759673914853,0.196684435863,0.575081885445,0.118861740871,0.684077328391,0.200793155549,0.269880731791,0.282349908082,0.94680695907,0.591245148469,0.585406274483,0.489518826659,0.478833205137,0.567363051573,0.0543741195918,0.809651560779,0.20331559175,0.00718051290983,0.906843707472,0.285737664186,0.78755568795,0.877694570463,0.641549622334,0.620616022734,0.559019062717,0.828618342604,0.898299478209,0.333416153909,0.586608039417,0.636044185194,0.891948974236,0.456802624776,0.361071072888,0.984812999532,0.880284631353,0.594363395515,0.272839348482,0.67351804691,0.55698393907,0.122658430701,0.152217232586,0.892039339129,0.165980090245,0.595484917957,0.614848642197,0.313474693345,0.0694948515662,0.398257261915,0.82688051404,0.0776331723382,0.606414685842,0.37839272199,0.137815605257,0.894959544593,0.406356119689,0.112465007851,0.611747986787,0.711241142732,0.708489796481,0.951188901828,0.95070042487,0.812102863635,0.624147131554,0.986697914694,0.707095907345,0.0170945131537,0.610560803901,0.727387923797,0.350957180802,0.460720856718,0.114778677273,0.739386185137,0.546003343541,0.748753064752,0.330274680109,0.977501983799,0.563716659303,0.223271511016,0.209689351256,0.192179792366,0.227370267809,0.834607449664,0.0204789094293,0.888688473176,0.781272881019,0.0300531569511,0.717146706957,0.797978137428,0.0568311200203,0.696186681623,0.425228426146,0.130388982024,0.823275742623,0.193562216313,0.149292505037,0.337803063038,0.477338960154,0.139775706194,0.0365411173706,0.430190399114,0.723165879048,0.888446766371,0.529674208946,0.182485250979,0.618042569974,0.637296122799,0.377001177952,0.585241152552,0.240822800967,0.517632960494,0.632835215241,0.108238262698,0.443131648342,0.807723771428,0.802445346084,0.530825168388,0.708969029453,0.0384495086101,0.364161443211,0.752153669458,0.114929676731,0.921646545622,0.593273393933,0.0380425214136,0.767010211632,0.983377605868,0.544243025834,0.0840899575602,0.107743908978,0.567453432494,0.17150518227,0.887169690009,0.00403256024412,0.709817426854,0.889740942001,0.333158753341,0.0625679631858,0.180048192829,0.150297592092,0.963094440526,0.664794516765,0.727647967789,0.911138204013,0.24568364503,0.475005741082,0.855791649146,0.47161806683,0.0961573252153,0.6095983218,0.650510460082,0.279147616976,0.211147774011,0.899468782647,0.124992394684,0.0923898004271,0.0967082902779,0.448072592094,0.633530083029,0.941919544841,0.538825463175,0.7523135678,0.497922837283,0.609754642797,0.767777211483,0.677886502432,0.567148579859,0.92522206577,0.146983749075,0.938265722058,0.141100986801,0.800206357476,0.816118868858,0.130315064574,0.855509889605,0.894002977227,0.581479227186,0.241091810673,0.512186044081,0.783668886608,0.939222334832,0.608960284027,0.650625171221,0.928502434567,0.821278738007,0.331681247627,0.601037238725,0.218778583206,0.418682989135,0.588252764406,0.465491186995,0.601927771043,0.950743222017,0.383489594369,0.307805326645,0.108638692742,0.252950798883,0.833844009547,0.119777809195,0.857784415438,0.453807162155,0.908876191271,0.781847389504,0.872721158822,0.487482934515,0.376282122877,0.125772570065,0.782237591575,0.162632400875,0.483141643044,0.133443002428,0.63140525468,0.481651795041,0.31771555223,0.237257701294,0.94513836849,0.468449217847,0.557666584721,0.884308935088,0.801881133426,0.84932040856,0.574963902797,0.813652981613,0.214854612342,0.918512336188,0.457787905526,0.0616608209937,0.655825562888,0.896228670028,0.500427973492,0.982840518039,0.34210073662,0.476581273151,0.403774022927,0.906744097461,0.803848888572,0.638971837742,0.942572896537,0.336794381109,0.608586478774,0.648229009371,0.938030404129,0.152254660371,0.991466439629,0.724917647647,0.266164134737,0.929741103137,0.994968614433,0.541624152574,0.244563443117,0.806268463266,0.659866175948,0.534040057133,0.808173243604,0.095955438399,0.737962476963,0.365470769552,0.464591872421,0.256327563472,0.320833254559,0.708829799671,0.841665777032,0.388559325538,0.208431367083,0.580041339869,0.892642309354,0.241445081676,0.696396923167,0.513880600027,0.535795751417,0.22744107851,0.0843234832331,0.409501739056,0.278891936704,0.128815552719,0.764731366328,0.132611391516,0.239085017957,0.10451269483,0.728362041469,0.41503440552,0.209849435328,0.458760344265,0.388272613727,0.723945239767,0.575855998676,0.605992895811,0.0638302634957,0.498503066285,0.189159372265,0.892378582388,0.573742777426,0.955692471408,0.105725994641,0.990487193634,0.245060476559,0.615022576344,0.799075464915,0.0476677307248,0.588067601497,0.245306358834,0.274790432292,0.908728474892,0.531664958685,0.298833948825,0.0673719453477,0.712118301351,0.651025473573,0.928310814769,0.898257187831,0.524456864081,0.618990853395,0.591402452366,0.100538325475,0.202968540258,0.221066806054,0.229651190849,0.61025711406,0.237586618601,0.00473204621946,0.666931588036,0.492990259879,0.615340160181,0.353681715289,0.837541167629,0.128355962812,0.106140561428,0.370381953499,0.527569138519,0.867282090394,0.247181802676,0.279419510845,0.61548791916,0.556271034891,0.57426725909,0.980326594076,0.0228618913648,0.580748100556,0.422362744,0.109968426961,0.223741348376,0.419076072057,0.901951315199,0.0405772999628,0.481311281604,0.650241984606,0.636884853387,0.338547466539,0.526497646517,0.215579148185,0.617308070199,0.894382198018,0.899017382151,0.58443469516,0.158120452031,0.391930614604,0.430981755475,0.078147168071,0.00903869765427,0.279060757289,0.410280626347,0.865465732012,0.821238672252,0.764340048897,0.806952916612,0.111906634129,0.201371051889,0.129179180284,0.323098249021,0.8855663066,0.955684962243,0.632894323014,0.587756952974,0.158096762711,0.675484369471,0.868138101154,0.141480150508,0.367845989628,0.921665054479,0.301530590003,0.00432257810225,0.511746391708,0.717749333756,0.210745122297,0.0420916289131,0.920872117044,0.380099990557,0.665855610615,0.695468454485,0.717876863373,0.0455767322016,0.0802969076919,0.369524714869,0.292395251929,0.86669621794,0.670963900965,0.206140479584,0.949732407666,0.42575146997,0.532367483865,0.829951414746,0.580730973661,0.999681921456,0.626476171371,0.55870939905,0.852469322729,0.76828906071,0.258054651346,0.417426030457,0.293251201901,0.932041017356,0.801290534063,0.89683311681,0.977967296335,0.308555909059,0.0644837419473,0.890086045164,0.549759194589,0.746639752088,0.909499542875,0.193885618305,0.319222252865,0.981330535725,0.652947966089,0.411511933971,0.586673764646,0.420150472467,0.177900264418,0.294799792789,0.326695928238,0.249388296603,0.510783907404,0.233042870008,0.542767248877,0.621919698924,0.18697086966,0.460081990209,0.802369422062,0.761312637377,0.684399457235,0.128078401709,0.691481826491,0.325181476609,0.851058406106,0.528578065142,0.775572465118,0.595824735061,0.602415856666,0.527230483731,0.390316883095,0.914121673567,0.435830831031,0.73431154015,0.895242199099,0.308099233842,0.786491841661,0.853367223528,0.0383791785152,0.763284366658,0.673339165826,0.801080182796,0.591238970369,0.624819654705,0.917202425135,0.0345557814896,0.656384920258,0.298009434661,0.374578571654,0.247176878333,0.958053812405,0.156835623602,0.183285674703,0.851736103833,0.634957740478,0.601793278328,0.886605606491,0.012234906764,0.712844965679,0.192871082873,0.137931300486,0.193268684354,0.816132372953,0.840808003776,0.888044648818,0.904385971046,0.376120925924,0.668812967067,0.464010888007,0.049178653934,0.528483219823,0.270147962141,0.631510197353,0.874880406454,0.556242900745,0.473328130347,0.252691080349,0.662001821508,0.685697109649,0.538130187129,0.962278515163,0.532741691001,0.0276908738636,0.805763365499,0.268975007459,0.959309692533,0.161330629332,0.406464751005,0.524748215102,0.549244560499,0.115093980844,0.334313771403,0.0501258588337,0.435929937596,0.717578918754,0.191023411353,0.802509404325,0.873180363744,0.260386804825,0.208113108106,0.473778278148,0.353116709,0.638576913449,0.00618895319754,0.479065950258,0.248786700102,0.20872461826,0.423012798425,0.85609147513,0.917267696128,0.604216252221,0.364408726087,0.200719108768,0.508857575644,0.701755737777,0.926375655295,0.122353869579,0.0130607550495,0.956111402321,0.428697820469,0.911188316321,0.43746231231,0.469075887949,0.441211159538,0.297771848603,0.839927711876,0.694219456509,0.231883464849,0.946048615504,0.139531880695,0.76698965317,0.512663007154,0.65414333121,0.553661496201,0.513745149315,0.157756894062,0.0240397434979,0.868577332471,0.15594946703,0.485490884653,0.590660903196,0.755179791036,0.128846341498,0.363371999163,0.475000803213,0.29027217532,0.89092706828,0.336755765723,0.466587967503,0.71391561853,0.453932377608,0.894808112682,0.261957221406,0.45532228294,0.514288380694,0.362180552562,0.142567590326,0.631662138883,0.127573709556,0.544434927713,0.402298626205,0.784458455451,0.05908030311,0.145522476707,0.670577141691,0.107058597335,0.946620872874,0.632621888525,0.514697438052,0.424306387072,0.226531768959,0.112332897734,0.441562698004,0.184863967381,0.608567912382,0.509323332223,0.559600371489,0.792870518129,0.35406338709,0.710013872367,0.229538569391,0.911146603601,0.352550596735,0.313283359444,0.875594188583,0.282956113269,0.160048514944,0.810301828159,0.0803153732765,0.818074174469,0.162842234035,0.68687639946,0.431599170667,0.750592082373,0.501207056893,0.92057295129,0.854015770382,0.553133902253,0.231551343201,0.984638633998,0.618867056101,0.762919312979,0.439298000525,0.883957738549,0.257318665257,0.233652433671,0.88361493244,0.384596498275,0.971433228065,0.622077523266,0.323972626921,0.133929774966,0.626909044262,0.983533177207,0.898032185124,0.667391857825,0.0173513563798,0.992302356878,0.3985356145,0.63378901722,0.299388757779,0.730619241699,0.433859270265,0.797040424668,0.11585293498,0.792381434646,0.668276495572,0.188848656269,0.339593426103,0.868760938383,0.590456177068,0.982165040329,0.249502303317,0.614431557675,0.662962660941,0.0359724790835,0.653118911893,0.842977720516,0.886965172843,0.608454315471,0.198557123698,0.175251857297,0.879186463972,0.757460198051,0.606921068698,0.632869303754,0.473700475625,0.796562003464,0.173622221411,0.853283820254,0.845810606749,0.606730526173,0.93651549232,0.529032333755,0.048528716606,0.972096808448,0.118902754379,0.772309373679,0.884780855814,0.0223524029274,0.359742052478,0.328835184536,0.178832785604,0.554870163619,0.274839906729,0.583274873348,0.682501263709,0.603350947067,0.546608490553,0.0983981172654,0.594214032654,0.50124710484,0.320704141328,0.745625962696,0.499934712887,0.0896677507174,0.93042108837,0.336534066608,0.951852097698,0.699570909132,0.613564369279,0.858225667418,0.579625293581,0.962056894439,0.870804139895,0.240212189008,0.631145071766,0.896610452364,0.915022155233 0.680626556981,0.466549834347,0.281216090642,0.284678831914,0.484228874863,0.19435483991,0.473209943536,0.674586910818,0.463166058147,0.935888409957,0.652855924727,0.261757474789,0.187063812618,0.20595512205,0.581652892571,0.353482964983,0.670331946806,0.804459056814,0.877277099368,0.102016881131,0.733972574044,0.492294427543,0.656375218218,0.911619266715,0.892554972742,0.0206558830151,0.339919815355,0.591343307287,0.979951910001,0.711476657282,0.227982507266,0.584143500693,0.247888340652,0.0563014202468,0.931517686963,0.624421035447,0.700643412451,0.60903221694,0.0494275275187,0.727344394182,0.768830816506,0.762413694774,0.509136718724,0.428855125265,0.97564212305,0.334828086116,0.675242743489,0.272794096738,0.531439218087,0.0275789574891,0.141187032608,0.74817018793,0.823172366746,0.0951147480797,0.41802790046,0.630678075442,0.0557780928146,0.1728995256,0.0286880564695,0.159071325682,0.800108429681,0.648265296882,0.0327820508547,0.148328191529,0.650701858895,0.589304462369,0.0859186880382,0.531587210767,0.509308530707,0.227945987435,0.119630078318,0.2503040219,0.636345536255,1.79812935065e-05,0.583022461167,0.0692204079694,0.369326088192,0.0378528429133,0.693554420021,0.934052698796,0.000221444381947,0.633355822223,0.156986753833,0.309704737509,0.699360916715,0.185308513848,0.93417321653,0.931697423984,0.189565863713,0.687203197036,0.976673525071,0.991362794001,0.595904513872,0.576521487383,0.691902164389,0.102978278451,0.324001354321,0.574834217424,0.13961826852,0.677918756252,0.0977996485499,0.991899251245,0.439661561509,0.348216042335,0.754614032623,0.0132711540668,0.0840755976269,0.3835917195,0.887526977167,0.0210164841361,0.293563817292,0.612269857077,0.819742831177,0.35585779834,0.296369251191,0.00718123550739,0.83527891653,0.721836726787,0.86759797176,0.29084607559,0.358810059572,0.791832394513,0.480750653927,0.534846061587,0.437970662834,0.409239286351,0.169028355511,0.512650228882,0.503857925815,0.958264851574,0.453802594556,0.41516235873,0.578401057284,0.352038240742,0.999620502417,0.101082598328,0.851988222765,0.632648725849,0.802786939404,0.00716858813298,0.565879180174,0.637961865033,0.467888671186,0.723141613251,0.442041826774,0.89820231139,0.98372955039,0.726082262904,0.0752489808112,0.81969622816,0.24567941439,0.453040956041,0.660341765625,0.489707635336,0.120515854318,0.730116073767,0.990789777022,0.0451346337593,0.212729135192,0.882648683824,0.308550167021,0.114439594513,0.542965647138,0.38165388648,0.749189661801,0.303622627683,0.0249734866567,0.883652290989,0.0256211698448,0.194845915678,0.0574981837984,0.126684655677,0.0279979729119,0.297646606262,0.826898130165,0.0558821451259,0.342944222121,0.0156444065722,0.882697042316,0.282371251637,0.558699052027,0.55440236136,0.333422683225,0.756724182832,0.880912313748,0.100197063409,0.258183224628,0.778239309138,0.623474821788,0.493807772274,0.979528900887,0.708119340007,0.728805154899,0.318596178392,0.995347340803,0.103986567938,0.320879615211,0.491878221177,0.605710732171,0.429491266459,0.0621541850791,0.257142379736,0.0342710092002,0.500207281039,0.684271698632,0.710642312867,0.275785419752,0.275962052599,0.863636841957,0.86454519596,0.564477581975,0.74354221964,0.133480874034,0.31104353232,0.728789490618,0.598785849392,0.388265781617,0.753397493524,0.989409772171,0.48961094425,0.0194266687877,0.23896315473,0.483417087919,0.546772483537,0.290069874863,0.219835347231,0.199408733234,0.719812984301,0.761742226564,0.49085369265,0.0294880953468,0.0687790332141,0.726713927777,0.223026639643,0.871290494064,0.84259548306,0.671644178287,0.911038695433,0.936059954778,0.0868596747617,0.469768630559,0.52439693117,0.720015401502,0.556074124519,0.495909820974,0.970681967168,0.0952539466063,0.0257565164396,0.582090728459,0.159546228512,0.225892867811,0.751592413839,0.766252683434,0.235851622875,0.477741238651,0.328013809009,0.206000206249,0.433918336113,0.254436966027,0.796749281869,0.93418951504,0.849218647665,0.883924560926,0.0744333872249,0.00293822998472,0.658157569521,0.33614297913,0.303719590136,0.583795974702,0.583335811197,0.277417850128,0.872098974924,0.875696473886,0.280652117035,0.651024675808,0.0732871125912,0.547521204642,0.905656551761,0.00433945137814,0.522733256776,0.0398253420033,0.0103340830011,0.412668762492,0.813386023492,0.446911674919,0.103454493222,0.912670985056,0.0820264433973,0.793328193514,0.0468992463098,0.267278667667,0.436867587031,0.717700151579,0.19832800483,0.854500737217,0.993413098092,0.689017959067,0.406967114569,0.404813616297,0.743515585301,0.912729235023,0.76884864618,0.272213902017,0.218159309134,0.196304846925,0.364492510093,0.0714464248846,0.766323295902,0.626510440686,0.124179312869,0.68687728713,0.933070036939,0.496732411791,0.263426441979,0.24839020376,0.226279113938,0.489635851743,0.194140418605,0.224097916393,0.950057370042,0.407497635979,0.978156629243,0.465109410439,0.268880473078,0.770809055066,0.33316204991,0.926721738325,0.403744614411,0.235111550317,0.934738891335,0.339559625128,0.304020171163,0.553981865132,0.321145456031,0.634622989768,0.685222620934,0.247171919746,0.754293832784,0.769615344285,0.952260466901,0.195177773001,0.0447144815609,0.326306560856,0.0312710513284,0.095521576758,0.335831501969,0.625009123243,0.917070737695,0.154684044246,0.0415071542269,0.661694676747,0.855985346065,0.78624413724,0.179544388837,0.380035624236,0.675233053426,0.234905149832,0.789643527619,0.814170082136,0.316121884573,0.784318513432,0.290524247306,0.206242958965,0.62911962138,0.298165221412,0.479150054893,0.355697789856,0.189645941538,0.327612488115,0.766489335666,0.735524815363,0.928477680298,0.49946901927,0.399110908998,0.12183721265,0.335161409546,0.629985446398,0.50813085151,0.165962811812,0.4577258585,0.123465143194,0.65196728808,0.744712306399,0.289887360917,0.115203757711,0.13283861804,0.651322019582,0.0338057019374,0.162864742719,0.450088410051,0.310916679847,0.157101661846,0.489962979279,0.288804233957,0.563777990177,0.441245076582,0.312287159798,0.560393366294,0.897049931833,0.683804806166,0.526240401519,0.617371532596,0.397361095353,0.415113567396,0.666188363793,0.643851519114,0.555349444675,0.0717348719503,0.134861552741,0.499099638325,0.690003028503,0.750522362108,0.222350672225,0.602205267349,0.989390755549,0.0898736820311,0.554899887551,0.736562620766,0.290221945598,0.376848785811,0.414359527243,0.690485936031,0.227158205354,0.0732720192012,0.804825155814,0.843140819037,0.733265675182,0.553150859907,0.378491420165,0.215258394263,0.0343728650569,0.117987375656,0.708444384229,0.454822446373,0.821794022569,0.511054075772,0.785831050916,0.517746041698,0.235931527162,0.731807699045,0.78059418715,0.781350856704,0.64452416488,0.221446999294,0.49539793811,0.135692248275,0.709187335002,0.338638833015,0.904254511385,0.26178476114,0.97230737528,0.0368039688802,0.707341075016,0.57556124172,0.871535289161,0.00389860047726,0.211216147584,0.68483234051,0.99453700523,0.735823051312,0.804560689274,0.764376452906,0.664719649739,0.650720894457,0.954258679504,0.533623637594,0.782127484573,0.55979810023,0.773551169631,0.431611340823,0.773971142652,0.43908444627,0.748758577038,0.834839815937,0.738952979532,0.183152636173,0.556868525734,0.367778682494,0.101833671312,0.0920853266324,0.103139338446,0.457373969459,0.808782377475,0.147591252884,0.306724175899,0.516495211653,0.257368857494,0.590204976612,0.424888034743,0.668021574473,0.941850371445,0.68995727465,0.945362805835,0.989039564161,0.538880882203,0.757269021814,0.252379423318,0.515491135687,0.73318345758,0.679856977328,0.523200796372,0.633397817525,0.581224811711,0.0305025849704,0.994350964711,0.95373596827,0.967739614655,0.841824970714,0.116942864813,0.0480023548685,0.788895290321,0.599697003903,0.796537619388,0.597595101561,0.420292953808,0.489302779319,0.914065361014,0.667183254669,0.126295568716,0.417825159166,0.532775969895,0.687643166078,0.377296435883,0.158838572334,0.471345327504,0.208634294185,0.447553690245,0.137991327746,0.430412179478,0.154417255569,0.477637089054,0.226431206572,0.106160155914,0.0948217719164,0.127247026941,0.9308094962,0.993177419132,0.597169177612,0.740864786455,0.742789782177,0.383527108839,0.814954115958,0.377545858802,0.45825370009,0.466559757274,0.115661164074,0.306530042058,0.744263947005,0.955902841139,0.996915022105,0.926294733475,0.183908559231,0.00129188190469,0.16069767341,0.0266792793356,0.38712393564,0.765459420085,0.816337917992,0.365743284035,0.795957356679,0.928227124001,0.227695466602,0.671043463827,0.572623829497,0.0771522575758,0.958308078266,0.995162448447,0.958920996605,0.297447280332,0.428800980032,0.798165012182,0.0578652235543,0.887315788875,0.473085224432,0.40356494258,0.142979688438,0.853515013056,0.107074010411,0.0059331025633,0.297211596044,0.849016584808,0.114351558754,0.550887125652,0.908181802133,0.897388561069,0.506128582037,0.82788193455,0.834885994361,0.472281882899,0.618088126989,0.660610887246,0.927678680928,0.68581973797,0.372181246507,0.462909453055,0.776508654842,0.401804924241,0.961022761713,0.83762260607,0.835989654137,0.384847243764,0.857304868696,0.538562918317,0.479075185139,0.0434111947975,0.800972524801,0.0918859821951,0.89727101139,0.223228569832,0.725834418338,0.314283043234,0.47009381488,0.992867444513,0.986090412604,0.212933003933,0.0613310025278,0.455339489594,0.533117473847,0.479629753006,0.375099806094,0.986704054298,0.185790506739,0.308365129475,0.84920635835,0.0982236385797,0.716944430533,0.191765044289,0.444963402588,0.356752961408,0.305174396835,0.424221671556,0.1767458847,0.816577854373,0.77707098638,0.139623608799,0.560130551365,0.159956901979,0.0259351579934,0.118517609944,0.856405893756,0.321719836517,0.220108536121,0.13098714432,0.233782999451,0.100355481198,0.662980662024,0.311952278724,0.7930085626,0.888778824387,0.26252309535,0.638833526387,0.0787487717804,0.234256125842,0.291250849524,0.435454767816,0.21267648206,0.244808858866,0.997320772639,0.212435298934,0.720650544621,0.507982800379,0.945039099449,0.742060428934,0.352627642431,0.362672380345,0.724266895466,0.404214699924,0.98579290904,0.684239129547,0.00206027754882,0.882844774856,0.578133379845,0.620785524995,0.950056376167,0.526052795804,0.86723993387,0.366964113111,0.245508964684,0.040930947115,0.67735301384,0.552534866461,0.56085083867,0.687392820612,0.845727630977,0.546056130801,0.091802036358,0.830044038198,0.428869009605,0.687596004081,0.706899998461,0.198021825219,0.879915161201,0.732427845573,0.243959663564,0.353617276721,0.736977131391,0.29922651583,0.716011565631,0.732333907279,0.403648856553,0.502742190844,0.453366071797,0.161034152251,0.443778932517,0.109314069576,0.730678537529,0.431775772299,0.0561154102277,0.645603294123,0.517668189316,0.704866091689,0.77940915515,0.727801981094,0.520753363096,0.212949892118,0.714727167519,0.635087096739,0.587473296744,0.923701199552,0.961528024367,0.800719828442,0.905048436234,0.505992046441,0.979702374444,0.961665822742,0.560200214689,0.567382392828,0.115925690371,0.383870864896,0.128046933347,0.605994023713,0.522070339615,0.300070485995,0.0214513874711,0.877536004144,0.208978094032,0.398410449717,0.544334191157,0.220716970654,0.700982221892,0.150654360278,0.769538990302,0.446628770654,0.0287196881632,0.761611214675,0.836473051194,0.262701608154,0.846968184407,0.628312470171,0.891732480304,0.251300356779,0.346793094207,0.275324994939,0.646656389343,0.183886738862,0.198161297385,0.762448169649,0.790943713216,0.772494114353,0.0324464067329,0.791763916269,0.920042073865,0.718032228017,0.541242945519,0.301620158718,0.123429456874,0.716342959089,0.853116385332,0.217241225508,0.0883438575975,0.270079557189,0.970926300415,0.0791935593948,0.0146438175544,0.924617812459,0.017780148024,0.086275595734,0.853129843448,0.794477898917,0.019568046468,0.55052004739,0.664540324789,0.47163908673,0.00529176212309,0.5112023698,0.145372851971,0.527467279379,0.0205963575866,0.920553561462,0.531798258552,0.558908749278,0.850053993645,0.251023945284,0.596312857268,0.452304338339,0.992898643802,0.59019373753,0.116612884736,0.4364184155,0.974100207998,0.684035777657,0.211975476306,0.95792684973,0.512810226672,0.0644028296711,0.438225596796,0.416273169757,0.443727348806,0.861953461847,0.308217305707,0.742583066492,0.564255604097,0.175183696471,0.00160900708585,0.685886786002,0.352315788246,0.274934054629,0.865376140451,0.834090744111,0.0180981045116,0.0354535328066,0.806635329524,0.169062674234,0.521303033577,0.445907328687,0.98711558094,0.477393425522,0.794444452462,0.327634292653,0.729911569632,0.0673697292719,0.0773008262173,0.495136739811,0.034437707787,0.799662047026,0.614995520156,0.869940646321,0.383311535443,0.544870842044,0.444949950618,0.473455614288,0.44223245543,0.34913536107,0.563816527674,0.63554934047,0.722060905296,0.0807964828552,0.347161945548,0.261847666853,0.118771935733,0.0388997802682,0.0318835987147,0.110034695728,0.426921246986,0.644151513843,0.140954790614,0.859600675888,0.994924178395,0.673305743729,0.299852794817,0.777278762993,0.993432679421,0.961698926722,0.321667141262,0.479390053607,0.966239631153,0.972595755278,0.627158358892,0.161623405572,0.619390003965,0.0933008942755,0.98179974678,0.395285138804,0.93510334736,0.407927020104,0.436796639926,0.653346223829,0.380296754251,0.664997030629,0.281839950718,0.718357299602,0.550669973991,0.318203329606,0.174240143748,0.800642522705,0.456012934785,0.146727442537,0.523147915335,0.19907723786,0.021099174906,0.64498572042,0.985643314756,0.0659025937221,0.0435786228209,0.0254958779148,0.790015107393,0.843444903318,0.579882108966,0.46454649255,0.679741904806,0.416761368875,0.385319306435,0.788682286343,0.765636885822,0.574436909121,0.850257031817,0.545423145774,0.140418921849,0.13010713877,0.566723494763,0.803892176138,0.468975661768,0.774552522982,0.997300199028,0.97245204317,0.950535138505,0.748825863738,0.954018657352,0.0891374057531,0.458607614028,0.771350841536,0.190056587592,0.135909196412,0.455878326318,0.694516580237,0.919201152656,0.329777551539,0.851825089394,0.987598275804,0.696482995367,0.693819544428,0.613819126657,0.464283791521,0.83550108426,0.478118308924,0.98165727604,0.144640579277,0.992456753395,0.343031574015,0.540661051942,0.135863085068,0.35058852649,0.946474733246,0.268140030463,0.985957489144,0.482060344552,0.457592107318,0.570824561441,0.0892357261934,0.203510036331,0.282223032182,0.117378728107,0.880104342231,0.815706996415,0.0194109627879,0.170840169874,0.890196178171,0.0316649213074,0.214739689186,0.915720528205,0.503310514815,0.240995921013,0.483327060487,0.932449987873,0.278344440703,0.112850681206,0.854555017377,0.682642800899,0.599865418629,0.128051234763,0.290461922256,0.865083793933,0.696811765664,0.862017312007,0.7352452276,0.972851363577,0.48494796541,0.947442930646,0.795761683794,0.213539838892,0.227358836001,0.655361256308,0.679714594626,0.740207741086,0.0851421137493,0.19575994767,0.072335212787,0.202690773892,0.395212188554,0.373537040726,0.815956873928,0.395647247302,0.652993620062,0.423857913286,0.746870992356,0.0316666529208,0.813714631782,0.905860800693,0.814437694283,0.613849835876 0.216489112713,0.978788131353,0.127342361995,0.868084953785,0.626994362226,0.851403751859,0.514994770948,0.721662202439,0.148394815122,0.499887798529,0.835247725393,0.016771896348,0.677346268227,0.0753526770382,0.905421073565,0.310397951685,0.572424193202,0.0185613515283,0.963361332093,0.655980025526,0.992157602364,0.443133186326,0.321991303125,0.964872675594,0.955321097727,0.543816434122,0.387035195597,0.419442386231,0.34091077803,0.636215504573,0.220755658593,0.504246224255,0.184432946231,0.090307162443,0.171601258311,0.496248787281,0.538474998042,0.368612297077,0.513003108786,0.103044411751,0.96537237205,0.395074890991,0.453202819791,0.445673937109,0.89126415762,0.983265909541,0.533588344996,0.563712592351,0.478368616453,0.556144929061,0.225557900732,0.438711940502,0.992520030076,0.0856048503874,0.249765776508,0.798198967456,0.0249852180245,0.936845051319,0.908536445616,0.745585986246,0.892311311305,0.00857623516291,0.920048695394,0.142988374233,0.496967762108,0.55282387027,0.392350358458,0.0676368483413,0.673666953833,0.155394453075,0.858358530989,0.547293963756,0.0374160191315,0.372428509089,0.229015104441,0.83862414901,0.391810363727,0.493282048622,0.68341160585,0.726507848488,0.6408787274,0.771754156465,0.763402271407,0.304046881844,0.38692803873,0.682996051753,0.148575365755,0.457863007609,0.944011216969,0.500330098192,0.415249622221,0.271211386636,0.263652006983,0.729961737351,0.544493762847,0.977208509666,0.982674954733,0.0427435719911,0.788601794071,0.811917449374,0.969814018711,0.613803352347,0.279339400481,0.811381174469,0.983446379379,0.435785065352,0.460725673602,0.337571825607,0.600049599273,0.354409679501,0.638603969533,0.450728649973,0.617527947606,0.628671005591,0.135891432226,0.0872191767845,0.846085738429,0.834420085252,0.559873810745,0.532917961224,0.461507993504,0.115684743616,0.0946460363901,0.207811932692,0.172000548071,0.588537469025,0.847641686842,0.0828141574551,0.39295159495,0.18780159334,0.311931611962,0.685631705642,0.696909000589,0.76645984176,0.821910916505,0.468228304847,0.0832233435311,0.867217691855,0.710353709517,0.0889694949646,0.659367256969,0.215601946274,0.196242898219,0.382477289929,0.155108418633,0.0771031290485,0.210162858827,0.441406085052,0.602259357489,0.561008543567,0.250546375388,0.782551187674,0.941576796928,0.110774249524,0.233288992966,0.855687514463,0.651220079088,0.708748778399,0.815532554854,0.818403783957,0.162116937812,0.446965079244,0.294516742375,0.932942513301,0.20558408491,0.0630315734438,0.0937768870715,0.731465842007,0.852180760403,0.312655838989,0.240489348035,0.61253144874,0.813859061732,0.111919866546,0.0684558001436,0.0124957948223,0.0617193939702,0.367864043968,0.905620997888,0.463597078402,0.867916594477,0.576945211994,0.33364704818,0.817042076006,0.533406733716,0.967957394602,0.721093319027,0.307104868864,0.557671137936,0.684675242271,0.283531481191,0.789978822402,0.441884148359,0.896746821608,0.0904263910569,0.243588101061,0.895363593794,0.436120104722,0.611043699243,0.605643834766,0.595564545762,0.70057475128,0.381190291412,0.342740203686,0.9967941361,0.511858560757,0.452193082412,0.908615106071,0.0568343540768,0.59465696959,0.00803066121359,0.899194737429,0.0188393334346,0.583431110997,0.811637016891,0.586529901176,0.885988163366,0.525975302578,0.565333280952,0.618838510168,0.390125932329,0.209901652743,0.974609820246,0.942768839809,0.0884718193736,0.677011209311,0.713931938501,0.610933642676,0.138698836518,0.74048667428,0.184905242937,0.319427086705,0.211139605497,0.714073316646,0.369110413401,0.136282589457,0.617587420461,0.649473862496,0.518309088005,0.0572838240633,0.0764422957609,0.173520516054,0.111427336177,0.646839509815,0.107961662605,0.11389996064,0.0885001111801,0.0975027613751,0.745968268578,0.516303515494,0.140549483743,0.154780990608,0.616409756036,0.993058903386,0.815670214087,0.6700535472,0.20895080507,0.651650854241,0.499766307754,0.227438186023,0.207195785713,0.684876602848,0.953769351921,0.639517733368,0.0208374393335,0.956238210536,0.405281883637,0.390082735472,0.302091926945,0.92319312017,0.646341348893,0.335311757064,0.512749019559,0.923034450608,0.194582811354,0.304924297015,0.827994364411,0.897362985846,0.573494664093,0.667406781996,0.891522317953,0.979681420922,0.882610554101,0.798124794575,0.37760494074,0.0942655694772,0.0693986737228,0.111683381883,0.207976289069,0.793612068202,0.371397649129,0.170531063959,0.757251599575,0.804762764881,0.553158904176,0.136238160325,0.384954166035,0.330723676086,0.847318291636,0.509374408218,0.371173766461,0.147542309789,0.784695213773,0.0825534667009,0.840466016822,0.153728442056,0.517852758926,0.414263363537,0.295023851202,0.775516147523,0.0383242259878,0.488016503504,0.742387179815,0.624721797212,0.440463184043,0.320584701761,0.0306330398752,0.164346059042,0.896085439825,0.593063357674,0.142167949832,0.0429288183718,0.910777111864,0.81149044785,0.417020987289,0.938568513849,0.797217687506,0.220185577635,0.431540407057,0.329476374653,0.045450473498,0.528161364966,0.0900312433162,0.640048041896,0.740402927236,0.362346500049,0.854673183696,0.142690374921,0.669980517452,0.758541616331,0.706006813075,0.333924576343,0.980324327456,0.557684537338,0.351395002226,0.686178956116,0.0169686070639,0.352126302103,0.413880711688,0.948576110763,0.92373222951,0.965553260373,0.858736097796,0.691880775651,0.355335648856,0.626664055758,0.431227228125,0.185075689088,0.684022101141,0.861558643659,0.913700817273,0.550578263139,0.617391003803,0.774455922315,0.4924423396,0.319583646384,0.539192164331,0.333905539492,0.0750176405745,0.00900703555249,0.238137478203,0.920469667946,0.339089089956,0.786282024916,0.702302373133,0.37821310358,0.954183144411,0.962547979063,0.585325257281,0.515849913932,0.304380268208,0.178983983569,0.716923028137,0.221087336526,0.560110177725,0.644117161521,0.0488324784078,0.102769890081,0.331836202698,0.770400302991,0.477429460116,0.986823834596,0.991614346295,0.564505010487,0.878402028966,0.0570057364938,0.624750676861,0.346038413402,0.0384210339879,0.911783821029,0.333858125631,0.524256089556,0.646549135922,0.357692533444,0.609189602531,0.184648957406,0.597615860409,0.58717558054,0.286411551118,0.0874536087991,0.361623734565,0.7325061773,0.452304372839,0.200161471819,0.155973282455,0.708205334483,0.602474325166,0.299027252376,0.720974989003,0.92210176332,0.0105494438535,0.4303436649,0.0905327771626,0.340555576047,0.656795251001,0.708387173832,0.980284825279,0.186345241609,0.688975219438,0.180426176611,0.164170811537,0.449684926471,0.249600626145,0.69727523271,0.779291532702,0.157501087477,0.273789632035,0.514455995191,0.61188529726,0.739594597483,0.221197938288,0.154701789378,0.268146078512,0.800458727148,0.91784998995,0.192045998057,0.741004158225,0.11097256639,0.821476504131,0.251579875373,0.0604205724871,0.49419052098,0.619941295151,0.215376532083,0.0854883920203,0.218785334038,0.105095348411,0.513892153428,0.963119946201,0.536268139006,0.402755934504,0.205536882943,0.758560768065,0.73787118076,0.531653389039,0.678672562831,0.516184380901,0.405489436575,0.991972158529,0.720773806259,0.501680459682,0.0734471105501,0.291411781515,0.0751307272796,0.691601341398,0.460741939139,0.32341295225,0.411943998011,0.327337844832,0.325393329025,0.705108196666,0.607621195935,0.185337191952,0.817020018638,0.431967488756,0.943577741913,0.329019515977,0.416030278569,0.920849980935,0.483875505015,0.0649668081769,0.0132551000216,0.292986330649,0.495650649691,0.118743148508,0.0319537154572,0.884107298626,0.423082971418,0.0832996870786,0.283147107851,0.105712963501,0.402536299669,0.769751612776,0.235811694397,0.63328709836,0.967050698359,0.485943883633,0.432371592277,0.546960792682,0.396127238995,0.23368260049,0.55651315227,0.362744794413,0.326018807441,0.328505525087,0.193865434207,0.0591954621789,0.501569213982,0.850281546193,0.809204512114,0.896076775858,0.707483267673,0.388937414607,0.788151140758,0.841713190352,0.261611456827,0.306060161903,0.62725896927,0.729069841579,0.985126852996,0.365087345586,0.925609462258,0.59701640005,0.326646319341,0.774717812239,0.994811316718,0.866676463839,0.83848338486,0.873563364027,0.191569342517,0.268207801069,0.380852401522,0.488472043309,0.596660263365,0.648500748313,0.250010197506,0.467488914978,0.991940019404,0.710796995881,0.0826081055004,0.970271144799,0.867428722657,0.228268802692,0.398285676865,0.449457533792,0.981619198211,0.355712821045,0.976894943944,0.986321154322,0.296852985331,0.232915495567,0.957469337948,0.459702856064,0.737290417758,0.82030366146,0.275649654961,0.570358521311,0.239567054627,0.215903512286,0.277019803792,0.82244937782,0.192377659557,0.499126026877,0.419123631269,0.917521244264,0.729728443555,0.519561381175,0.0323269993104,0.497846927557,0.580351775891,0.496026231091,0.38275414032,0.378224388193,0.424063601323,0.95608088212,0.811011818943,0.024224779389,0.309680372778,0.416492881632,0.618397071369,0.21334115573,0.255959885752,0.997591703052,0.536226021123,0.931932288224,0.729959755379,0.930119458192,0.232424882629,0.146514987269,0.088404477423,0.825270648715,0.0794130950766,0.608752018848,0.572654142143,0.0706042251117,0.0652598195939,0.791791195417,0.310034885619,0.691828595367,0.273902459026,0.406438059916,0.0254237337194,0.403641344339,0.763938805558,0.367324321489,0.147329265577,0.0827611786559,0.645562834225,0.492661262777,0.247213687102,0.0234273618472,0.400224746653,0.193120505193,0.101912016767,0.916724781344,0.388916842423,0.114989520233,0.507502266371,0.0314922474482,0.332751414006,0.232133433891,0.147460613844,0.252088521265,0.0579606549878,0.702414999883,0.72133658025,0.823821546424,0.236890910759,0.682777977976,0.18406527428,0.51539834372,0.954071597181,0.56209808659,0.540112693183,0.171798862872,0.684360912884,0.675169092839,0.416449668949,0.682846222131,0.477132526771,0.516359933291,0.233569468485,0.975349966699,0.185166736401,0.940000987191,0.36817396281,0.276869516564,0.869078268683,0.984164060982,0.53809720393,0.910139367707,0.13317933928,0.917763440277,0.500508509636,0.461088691774,0.0749271931445,0.898752888187,0.181580548762,0.442414463647,0.883836427139,0.975767048651,0.068200471183,0.320511376092,0.135731372119,0.757396884276,0.921529910351,0.525579616267,0.929301997707,0.847806787622,0.332710532202,0.925388464403,0.592614973844,0.30803152015,0.424677021613,0.77743056041,0.427749626066,0.980295221086,0.71605275438,0.0470766090043,0.425626971462,0.511681020433,0.357164271018,0.0638758353356,0.785559913583,0.239066345336,0.631037861379,0.132657831593,0.999634848051,0.283976293363,0.0617115114647,0.904419311291,0.887498727426,0.203147224904,0.04298832741,0.169685711606,0.168876136648,0.0467597922511,0.851774008302,0.778514561643,0.938779866991,0.866936868653,0.951144138277,0.971461954166,0.0360443069848,0.384669761687,0.141159673857,0.931741675009,0.826331426251,0.829446469987,0.0265253441133,0.954033847456,0.158444945495,0.299052544135,0.414360770448,0.0459398379838,0.821101331382,0.458186974476,0.041035980943,0.609055928872,0.461895280991,0.0898458036523,0.752203492205,0.0323321533663,0.331676479433,0.39427675447,0.823079905296,0.34078190317,0.0848189837418,0.977833273447,0.964422243244,0.195133368541,0.674047821483,0.636346328498,0.267123155853,0.465999982964,0.74610469666,0.966469670274,0.000479270474317,0.363902033155,0.0862760484517,0.583741615316,0.558548386032,0.00108030200119,0.664382672871,0.155763340076,0.458054380123,0.307056928873,0.939557121377,0.199073663392,0.0187361664545,0.880688893818,0.657582625146,0.062929872468,0.114967314135,0.082996806709,0.719009373817,0.817139387335,0.0750212869246,0.975597002697,0.880957211755,0.603538687578,0.0704001214049,0.439684179763,0.144233131191,0.994271056425,0.263395668695,0.766618215221,0.480448903749,0.355676710657,0.122975007895,0.407671663464,0.177059628466,0.124266269088,0.0734328731215,0.367426681476,0.501121578738,0.547464884355,0.104465566353,0.481081926258,0.657564088257,0.699551395514,0.823522403119,0.50219849279,0.575503535617,0.862290267606,0.524654430673,0.823383709118,0.60484776191,0.530588558509,0.435730368421,0.211363091555,0.0457329337055,0.796282929169,0.603303520641,0.366331893028,0.809520186591,0.868855884527,0.290360814386,0.0299481629391,0.322017632349,0.262049608771,0.0480988920554,0.36826916373,0.881119414323,0.738030662433,0.0386824276176,0.578342856609,0.99466161886,0.796913403815,0.630520486804,0.371354096504,0.206782266642,0.631930731171,0.114087511532,0.100881474425,0.636490792707,0.887282141279,0.803448074309,0.132322773081,0.921930062651,0.45278387987,0.451914306287,0.330063012947,0.988122465819,0.734388922867,0.661282418468,0.435670391919,0.2776304185,0.367036171868,0.371337958618,0.646303990517,0.169095922495,0.776235701242,0.79452404673,0.00415381819978,0.123123955853,0.163925046166,0.271427339067,0.577189000703,0.365594649531,0.757950249681,0.415972392347,0.408140804826,0.770094324075,0.657173206248,0.330575945732,0.201657679254,0.180713771239,0.509918535861,0.751562177097,0.452571233404,0.744698713339,0.529552713484,0.565967954786,0.555551561679,0.0095528313502,0.477061999205,0.845453752694,0.446613802272,0.651791012427,0.420045229049,0.128886623809,0.973137454431,0.509569847649,0.779142498685,0.862927315549,0.90197268816,0.408908137886,0.57281418549,0.287347491693,0.380964779157,0.593201115091,0.403517732086,0.580873604107,0.58104674399,0.343633419024,0.558382875389,0.261958136872,0.346970804485,0.501352471143,0.81763910584,0.0763447592544,0.828087871019,0.481338147682,0.0109781283436,0.444986555515,0.41712368521,0.80222789121,0.734982362663,0.81268264074,0.504540553679,0.604316541963,0.457718379438,0.976173445135,0.579593405029,0.553190420293,0.325439253842,0.448846462162,0.986857792195,0.898179878444,0.658025390937,0.404151358068,0.0243397867692,0.45664471907,0.186530129846,0.876350625277,0.375573664687,0.198598221393,0.0985599484837,0.771027919274,0.166852405922,0.626105869332,0.608718292899,0.809290816105,0.0849945465442,0.614604441758,0.91477190383,0.492123765589,0.405450750397,0.108788105423,0.879625730441,0.610132091631,0.555932822556,0.863634130179,0.525427981937,0.179746360722,0.814794528952,0.106893863173,0.818707854665,0.105747109339,0.788722815456,0.382348713703,0.59454934219,0.380507813385,0.47001745258,0.357288370511,0.0251144199994,0.742521416611,0.0560423995437,0.525189911076,0.765536904937,0.06902527601,0.8255543157,0.872469306605,0.933659341956,0.37280218825,0.0738691251379,0.601655744239,0.374658894584,0.0774778107753,0.573720304858,0.748067434602,0.573000651321,0.144097936404,0.785687192399,0.569159090872,0.533179681679,0.396374445378,0.277932097741,0.256384615564,0.232182664224,0.714209555412,0.256843543238,0.843031306576,0.526990323804,0.0687786043169,0.0709141610197,0.0129495887004,0.809739837827,0.118815662384,0.73681834937,0.243298721339,0.657591192419,0.31114362203,0.302083658992,0.0921385437921,0.432000363988,0.502550158959,0.376193535307,0.453501640379,0.325478021989,0.835234932239,0.938499362035,0.76136991005,0.521531289007,0.806306725777,0.517793364136,0.193030405939,0.799524916905,0.866772628767 0.663568868738,0.873385471788,0.730426174242,0.0408925622056,0.85156091791,0.0117850750558,0.752270284952,0.187647828377,0.762345330304,0.737977984398,0.78337625944,0.752496912383,0.119136686817,0.438131798039,0.742359872137,0.0772087889752,0.699769368811,0.438185474133,0.817500136608,0.922052411379,0.974299029128,0.305758411992,0.187142388895,0.284493745504,0.575898401855,0.041109179587,0.583895067806,0.891884444554,0.33012702241,0.0208351936709,0.117372292177,0.132228222489,0.45957677958,0.0583026048756,0.631418260197,0.567052963947,0.237718338637,0.456866477198,0.349860146223,0.0572608114425,0.912961361465,0.0254910213065,0.563753660414,0.975879839697,0.356636803426,0.351553526152,0.406003267587,0.919012809732,0.930894244553,0.975191144981,0.725361026899,0.624200600847,0.337483485201,0.70272544036,0.747636326093,0.363351829565,0.260607258762,0.310664222256,0.947424599599,0.232482228303,0.642390798331,0.136293080086,0.41606060766,0.36493178853,0.570181467682,0.261837697841,0.555054286672,0.839971602412,0.481209560019,0.834445172577,0.680769504569,0.793450195981,0.314004285196,0.414951575419,0.704076147313,0.178136332834,0.593730411783,0.921207861488,0.502792031284,0.603971298504,0.764762629185,0.646582944425,0.796727810282,0.57054105283,0.61023069486,0.937316562026,0.49535830827,0.936027132684,0.561801497059,0.609381622094,0.0455862143691,0.823759362638,0.898713033788,0.681916295812,0.273253307146,0.0709530392925,0.218851051009,0.950509991792,0.56653428665,0.521711222397,0.69939298043,0.398273050626,0.94116553661,0.872875934856,0.898839418389,0.369639987582,0.128594041048,0.628402933176,0.82693445821,0.516943153708,0.306812339694,0.340837025915,0.634372097242,0.566236531576,0.666488646172,0.815300431134,0.925437788841,0.951329401254,0.122795032503,0.0348791058728,0.147713022402,0.753528224269,0.699037705359,0.569064351083,0.712100571262,0.97750393128,0.877628653758,0.158933270971,0.213657759777,0.323001181131,0.621198894608,0.916847265835,0.549172414636,0.509868508794,0.977461571808,0.39286248095,0.998700428093,0.23009582777,0.644048081467,0.962645669057,0.123741755748,0.772038292688,0.0736572959449,0.3887059146,0.971805142634,0.69127385936,0.0442810282135,0.48239388534,0.0440197321387,0.479725736644,0.350915494289,0.589802548564,0.029070389581,0.776405691812,0.829319233058,0.679548510611,0.765991709196,0.141636818823,0.738640531103,0.283225585986,0.587000601116,0.808050298737,0.244969463521,0.21215215187,0.692628293601,0.430474067356,0.820255930564,0.834757539417,0.0777719856835,0.312750797066,0.102163455082,0.846621227538,0.758690053831,0.281422362639,0.662785831868,0.363846869804,0.873186552271,0.0834229779958,0.415468787143,0.371054156368,0.546487651605,0.800116861334,0.566770081711,0.592545594407,0.963475932746,0.952617104796,0.662854994991,0.291642091008,8.20881102037e-05,0.157023602229,0.785832885084,0.567226536155,0.405981190003,0.217438377462,0.567426968976,0.528647209539,0.533882429438,0.783356237694,0.403054511202,0.802559843866,0.483789351901,0.771259096782,0.147334162112,0.0100368029205,0.524624715786,0.218719167684,0.723040456832,0.755337641096,0.294682330191,0.471285434559,0.36449568939,0.9006089077,0.311690721248,0.718401424736,0.99189788598,0.859012931572,0.831238164235,0.717970280269,0.409255283941,0.439347219512,0.380390091416,0.309722248805,0.911300439653,0.00534867961954,0.12786435665,0.310745507897,0.481667489552,0.107380671374,0.57562457527,0.325742467833,0.412141433794,0.864393703584,0.0846840407417,0.772742077975,0.264137010523,0.212674378895,0.438794680042,0.450182071746,0.0287539277021,0.992998243368,0.413140376284,0.872848847898,0.453042481063,0.128959318477,0.00609293108347,0.360524025512,0.0605439394502,0.764911913322,0.972765593131,0.323478291236,0.941341478785,0.574747819724,0.939736724547,0.694956802361,0.982680120494,0.715790375516,0.154555006969,0.598044883948,0.493012640641,0.0154744623346,0.735142616926,0.990424881509,0.321755722722,0.405958629545,0.233702494083,0.331820980989,0.191192702027,0.297433780301,0.914358106474,0.24401295922,0.471186860262,0.526934251854,0.469377044439,0.0690864664668,0.622734648644,0.194276245416,0.939012584849,0.988052155143,0.140548066408,0.504243342706,0.500906470939,0.810485405157,0.40806892084,0.536784234829,0.668455084565,0.778814717472,0.0633777270517,0.527265852817,0.116329831533,0.390179187074,0.595007984543,0.505991062558,0.681854020508,0.981565699199,0.10299334458,0.282837424866,0.139011038601,0.0687669642228,0.183052984295,0.943277692809,0.857774073087,0.832848235936,0.0784173231678,0.491179751494,0.493166854203,0.712516244906,0.382343692238,0.324961233102,0.69191384171,0.307093136183,0.189637490741,0.184354447487,0.886217403836,0.885861170898,0.93791113944,0.0920055086367,0.0617787177205,0.730052313539,0.533638813724,0.867830414185,0.800653646371,0.439266990081,0.774190166881,0.0860217979019,0.617903670207,0.58940980396,0.651358375454,0.393803160227,0.72278924135,0.251498278699,0.441143854818,0.274669597632,0.535570566624,0.753970057313,0.487575980808,0.482509217055,0.011945900081,0.531561437012,0.630443872992,0.493971068078,0.847392265232,0.937094249701,0.714011698923,0.797109024872,0.884579804097,0.264376583535,0.13154153465,0.510413355536,0.411168761585,0.390503106053,0.437696943552,0.455908903148,0.89392891727,0.928640293447,0.125940433002,0.521614825447,0.158365252221,0.724541953634,0.0526486876708,0.962715841148,0.348276082612,0.0308298215444,0.476826871175,0.341541243525,0.67765399585,0.794933719919,0.112517848379,0.618397060431,0.614666655582,0.492453146498,0.399660157724,0.512235281893,0.838619957677,0.920636658828,0.766700368709,0.449662481219,0.105172593329,0.0158736405076,0.317871516258,0.305224690493,0.102606891189,0.403517973979,0.753629126766,0.640994793268,0.618932949033,0.382331329793,0.462895147124,0.0223648523827,0.0224131999616,0.00441449649809,0.209244227804,0.504332856473,0.591694681708,0.111708222957,0.950844670179,0.389160501076,0.917160442509,0.0655297343311,0.949290613049,0.0471029700197,0.651966148245,0.111775252979,0.374781956698,0.0640353282387,0.647637039732,0.133015244563,0.278000133392,0.601474116278,0.672105158617,0.399566764326,0.322591089494,0.418798952513,0.579979871712,0.658952419586,0.0787152018416,0.695410792381,0.38097475719,0.807765662488,0.943390138132,0.322199508394,0.500978957338,0.491033924182,0.725139466866,0.310314095185,0.0500311296134,0.208783104752,0.174218406391,0.66882685823,0.735398832287,0.311668153378,0.482198990531,0.0765302550532,0.0489950266257,0.58651607683,0.180821195275,0.462717034997,0.992256371818,0.908253184352,0.139677574165,0.118146230773,0.454330444285,0.563840165001,0.20307876185,0.240602939165,0.531789527596,0.617552571281,0.969768024519,0.56787429554,0.0630129635141,0.718028100274,0.116348469971,0.255328065421,0.449945615151,0.0101720901206,0.202183996016,0.799335822597,0.832827743086,0.910793085581,0.915442004441,0.368303001921,0.542584492859,0.530271066557,0.866286833271,0.3679361965,0.540766693838,0.264253734665,0.41560490123,0.503233750363,0.261343833264,0.789712387117,0.969646561035,0.0825390897292,0.116677869633,0.702687095159,0.220911635344,0.321347458084,0.198897548863,0.494328047192,0.687619285623,0.653338213419,0.784463088142,0.66738490443,0.713479157103,0.269800707709,0.648307349075,0.797755109582,0.971686196568,0.804283501708,0.522708944007,0.575420771364,0.0639069033392,0.263786122344,0.483973092496,0.297668285847,0.0166384656685,0.380699515885,0.941094018246,0.731907036507,0.674237339766,0.347485992806,0.581369627361,0.261115537677,0.831726538884,0.495441516414,0.101640493012,0.808344942004,0.667479736244,0.784992526284,0.317690839427,0.494407187708,0.80970766198,0.607197936369,0.733007629561,0.496979240562,0.797489905138,0.839150209833,0.687978847627,0.49492716447,0.599352615855,0.0993629088674,0.346144399549,0.671370849798,0.264986939859,0.446386021826,0.598958336553,0.869627494155,0.996130993565,0.766951080349,0.00381980391655,0.959724270443,0.428707722549,0.0579094345095,0.408119336588,0.180465358892,0.698805983237,0.310474873577,0.71156579651,0.64281635579,0.706404311251,0.413931236854,0.00652566669165,0.00913530393602,0.384987956194,0.83601509571,0.46591898791,0.815513710479,0.580452417799,0.0698476988843,0.280755207662,0.335108823528,0.458434591868,0.702979090844,0.246316089167,0.274666212094,0.224430960372,0.571535849208,0.538417837361,0.469610326863,0.958993950003,0.564230373123,0.729552205637,0.315517496002,0.784552213987,0.90613160219,0.880483942478,0.965848867486,0.1744804391,0.704355842128,0.0915934154527,0.396355376331,0.306824424185,0.462254779183,0.389371518877,0.251456814326,0.692737152427,0.331591872117,0.724761424355,0.607988568703,0.880316362815,0.800039235411,0.660496516522,0.97290794918,0.491560994927,0.706651294485,0.732877870613,0.495707593911,0.195758878756,0.161649309546,0.696662453973,0.225051016664,0.0954872774102,0.965712652429,0.758136185397,0.776687999611,0.0231917507077,0.317102095577,0.756209574382,0.533239799819,0.606077681143,0.938390191986,0.773420206786,0.298158140052,0.518324349313,0.827691419794,0.56622899599,0.60132470034,0.25019365308,0.338812630417,0.365800331043,0.122386297679,0.514887568814,0.73298352997,0.427892020015,0.98074922702,0.80493639534,0.660270759002,0.387212500273,0.821483435524,0.0313697861362,0.0215521913101,0.5712890042,0.534403384308,0.401847956261,0.192876678837,0.12660364206,0.302765923259,0.411210163967,0.688075851355,0.512408480905,0.972528486019,0.0921463432751,0.904394061702,0.250904677355,0.786079251436,0.98582908772,0.833750048646,0.364437551008,0.0109267202262,0.11259116149,0.215486986932,0.373177847748,0.735340059132,0.535234042505,0.412744863066,0.606078421948,0.310646912076,0.395459220293,0.360200158782,0.0157470127367,0.977656692132,0.622137619638,0.0271003016785,0.597796843948,0.928137414926,0.265056407735,0.65007614518,0.535731451525,0.877791336214,0.465773399582,0.541783988876,0.86291794891,0.993372331233,0.890478064564,0.869467287033,0.958418246834,0.125628587928,0.658335387257,0.146672920492,0.282457599297,0.589067659265,0.155707675258,0.891725302031,0.816824156552,0.841547548236,0.388198686555,0.852439116311,0.211589111481,0.386933514731,0.466652649471,0.865537555014,0.494701616262,0.259221979012,0.367092634581,0.383804027342,0.430966280497,0.705499439194,0.245271408605,0.45206378267,0.547929980208,0.388081195435,0.485170115351,0.0949804321638,0.902036497638,0.459669257205,0.383078473106,0.822840709185,0.501686527068,0.875889762291,0.751898980611,0.981798116675,0.932691568984,0.422460375053,0.842488749328,0.294410562485,0.442032451791,0.36023624955,0.117568411584,0.97651399194,0.0292572816116,0.340622507535,0.00164328776277,0.203405054877,0.565519712759,0.0804858409246,0.938898474105,0.56151655355,0.146246639446,0.362919883716,0.374357027338,0.806631963005,0.590200427893,0.8952346295,0.8255579463,0.118220238246,0.750962546181,0.749146867995,0.0772351531703,0.154938487011,0.0581793893727,0.795478279724,0.915231832276,0.492698355714,0.401616871746,0.110188056381,0.548165113749,0.391230034572,0.761778409592,0.0390439772585,0.487625409386,0.434472115237,0.657454560543,0.549504535259,0.849719564489,0.287463208062,0.206662579802,0.0394673361146,0.0644243611015,0.419672909528,0.863445685975,0.857770340597,0.878845922399,0.731015553327,0.0941395867823,0.304689458717,0.40058400988,0.19221044018,0.600236476173,0.540185032544,0.203041744718,0.234962158417,0.670031372647,0.828443712736,0.426332717445,0.202357965934,0.640779078406,0.595763910976,0.264925662856,0.181852514904,0.638279475871,0.402939320831,0.560677323243,0.15754479322,0.244193018156,0.219907263017,0.23193139003,0.044141645969,0.789016255477,0.742715527516,0.613164685214,0.8884847774,0.683844429909,0.71666023997,0.00856586070145,0.439145906486,0.841035057211,0.59021187578,0.361582503586,0.889871623142,0.124181892367,0.78932846046,0.652662116455,0.806989156845,0.349993861492,0.0296144996482,0.521841171198,0.207356429966,0.556720585505,0.124859781688,0.301876233107,0.661498514725,0.540250554651,0.421700884518,0.615657971126,0.562020090237,0.300866176175,0.962655140636,0.037699689295,0.124164050837,0.0824763651391,0.396317712854,0.896499903727,0.180630067546,0.668886730504,0.477567441733,0.645917398614,0.582240710907,0.332770390249,0.909066656806,0.981135773786,0.156314627358,0.463141047076,0.903711825948,0.564201657355,0.901993997616,0.279057455894,0.206279113834,0.150635841418,0.103540258766,0.483486078652,0.45873786114,0.210072740681,0.683234628187,0.291741455051,0.3247230952,0.347961367116,0.796982271844,0.919556618663,0.143940724737,0.906894989214,0.957891754001,0.900166321871,0.724196169687,0.8315556144,0.147294005273,0.830274507684,0.0694614142299,0.59602695536,0.51615600279,0.247577740109,0.793733159514,0.849860492984,0.981284487312,0.193736828716,0.515746858397,0.426268801949,0.410014286793,0.582113312875,0.982602338173,0.418087345719,0.325237169925,0.0268265144841,0.899452984371,0.957114285786,0.766179401382,0.765699708372,0.896942972214,0.993260110126,0.0803643731785,0.116627975637,0.020364028386,0.703916172274,0.36814208993,0.481567494947,0.0269230395662,0.233268640789,0.603152405327,0.144129787518,0.512254458029,0.67865618283,0.237605284718,0.413961372277,0.477514751109,0.832720598976,0.210515970678,0.617956319209,0.640941341237,0.749163196339,0.249350051376,0.370777835541,0.104944959609,0.745378288771,0.583036761267,0.570689718108,0.909637943511,0.101464068425,0.571491890463,0.501571831944,0.0302239383181,0.946142148963,0.448781724126,0.422392043505,0.639118183176,0.324830242416,0.312392648465,0.119112400622,0.398529146733,0.286083820719,0.751694052122,0.811656023959,0.924130197865,0.129537341361,0.601410023501,0.868071003272,0.362987655901,0.151674115652,0.728981018674,0.330222290163,0.93139808834,0.814495251606,0.460745790318,0.304478493686,0.18406706973,0.426940615499,0.495073577831,0.876933462379,0.196281819713,0.754205998483,0.696324060652,0.720611344198,0.516038556074,0.340854699535,0.751287788785,0.69684127252,0.535649926325,0.885180249585,0.75103829261,0.0467054526712,0.40984082895,0.0931504688551,0.949280066315,0.311425361888,0.711300417478,0.749794680974,0.221291139503,0.455110713672,0.426529557776,0.765354935685,0.822117804199,0.827166560701,0.556080428772,0.0210860425895,0.956175492477,0.308230965833,0.979597263122,0.0205681695565,0.0165566522047,0.678720791166,0.0515690091887,0.86113186078,0.797963825949,0.824793248169,0.948606782258,0.461735370366,0.40747650517,0.747241165105,0.444580688966,0.174676430511,0.138842734855,0.914185495465,0.637825351788,0.976896181149,0.200596103992,0.0736277795849,0.473077889719,0.317472561304,0.711516023387,0.7033934882,0.469071095562,0.345276963686,0.172401180446,0.713026567712,0.518619718534,0.576380423751,0.688285800983,0.600690703902,0.912036579284,0.21421650771,0.983334002041,0.261520129165,0.0318383648568,0.810516988623,0.484765416325,0.17038152316,0.352344001643,0.438457889114,0.430958066886,0.810730874263,0.1084629039,0.701133545976,0.674891408346 -0.616178408704,0.638118821856,0.197188768924,0.82988433813,0.624158909331,0.875710956696,0.519190823428,0.785689753841,0.331792010575,0.699471847345,0.294626360349,0.478042503772,0.663949406489,0.0765642834499,0.322712628767,0.0329137355547,0.173915444074,0.102346703938,0.698045744465,0.517847201043,0.497616165445,0.510162662401,0.622085782096,0.917557996768,0.170438867492,0.113962874423,0.182699954673,0.622258209748,0.123119395564,0.0905558717795,0.0735103473511,0.115896420488,0.113404615278,0.584066462929,0.777043653179,0.405207510333,0.111491495921,0.0862406524241,0.691748995882,0.74504372303,0.715017023093,0.984965070384,0.86018580109,0.164566311191,0.82178368628,0.748729105008,0.985463662092,0.15511770035,0.927341837513,0.859971987324,0.618325921032,0.43251404271,0.0130108824389,0.0999048542475,0.856997908942,0.915399460773,0.731794269744,0.346441971304,0.639358255523,0.676594128181,0.125452047302,0.283275602634,0.13338290756,0.633323679349,0.0284709733776,0.0915846799023,0.067186781833,0.745116268031,0.219148350329,0.210439041046,0.761619446664,0.997292298433,0.682609931794,0.828038059668,0.347958138831,0.685168948125,0.975032889925,0.618256981228,0.325871264872,0.256877849191,0.0302808437238,0.111122109613,0.810517083273,0.879868462186,0.287932383822,0.682373040113,0.515529883817,0.162620480291,0.773921418494,0.676247953956,0.206768953404,0.345869242441,0.702144747391,0.43192958018,0.145505152292,0.0708991927855,0.0425251215983,0.0765190024458,0.146180962977,0.362844423618,0.335500134892,0.726623452977,0.800308834141,0.717724798714,0.551206024663,0.250958468509,0.261838828065,0.923658686207,0.0974860625518,0.350019254539,0.963709291186,0.994204296155,0.436873425264,0.0922542021438,0.502522331279,0.796735161097,0.621066577215,0.652216291106,0.988234171111,0.881206085276,0.988897259761,0.487945243399,0.359396481332,0.777213135373,0.918919704252,0.37103318429,0.497898016496,0.678791715665,0.117509530314,0.120834555799,0.25547309983,0.0270408490872,0.354245079574,0.454696676054,0.944578953798,0.0987347509879,0.556908285305,0.141578645887,0.266814706622,0.973702132334,0.781375137928,0.531144651876,0.905854437977,0.398146004929,0.234560856716,0.0513866586436,0.782574057672,0.40236373348,0.595460861704,0.175309929536,0.523069470444,0.120138979899,0.0960861990928,0.826237421814,0.0939953169089,0.293677163863,0.129806502772,0.207031955763,0.734314817942,0.756477184941,0.84039849796,0.327089752549,0.0504652046653,0.00481004993539,0.910747319688,0.677312618231,0.988198012325,0.0826976079814,0.710633401814,0.746733282798,0.716142428023,0.184034608046,0.948637191526,0.789612379047,0.262092280012,0.152600980512,0.721066835175,0.708405204923,0.892108572737,0.55405301038,0.223109241908,0.552757597429,0.332902872842,0.953547102358,0.823213642616,0.76778996653,0.184122271853,0.397455810963,0.811587258632,0.374807031731,0.405791454417,0.841571024649,0.183821737717,0.0745131809893,0.650165714816,0.686841293847,0.956096372223,0.531309182826,0.418199845671,0.870802443297,0.0269430028393,0.82004738526,0.629964684586,0.191136277873,0.437942184031,0.0130146143902,0.417079092782,0.793360448212,0.210466060383,0.379353115839,0.553091621231,0.445607504185,0.633511047638,0.783194997825,0.649985319875,0.409616290378,0.976867625785,0.340879434281,0.139740023795,0.0956235478713,0.482787290842,0.896010526747,0.827555302475,0.668136720903,0.457890701717,0.730883398554,0.848154615313,0.0918974260855,0.291568867502,0.743550978369,0.630423994627,0.386688269345,0.408679664965,0.53655008515,0.0969561239394,0.444552121096,0.615011072008,0.854211275341,0.557904372521,0.524889605136,0.126118533941,0.908499652328,0.895193128039,0.776295839405,0.192548258604,0.91119221777,0.0334736318725,0.224025364505,0.692937475325,0.311214096771,0.523423899179,0.417217362262,0.0184690371129,0.453613925636,0.842488773194,0.110261965342,0.655992534395,0.542124866678,0.917675892928,0.134078669145,0.344259594056,0.47477555866,0.00195562039765,0.332872021548,0.777366472028,0.347808997202,0.580528259621,0.0434996607154,0.179049138969,0.664743422854,0.446977281761,0.945612088295,0.899171059887,0.462450199446,0.0453028530247,0.263751100595,0.865302022332,0.341387140293,0.0358695419693,0.155846618489,0.474489672583,0.626068302593,0.774765396703,0.773831408202,0.290049408324,0.0313069057667,0.27261893276,0.48792762175,0.985422375676,0.772436385574,0.487951249494,0.306385227835,0.706337783411,0.216519207392,0.0809233844823,0.782371203965,0.225115314112,0.302726954736,0.96048544021,0.282135776927,0.0727291489798,0.0138155584596,0.700243588097,0.0944555395014,0.880155134859,0.845110279989,0.460545335181,0.161008624075,0.132319581996,0.619412727821,0.443057966748,0.220272545586,0.553790321991,0.0407708329494,0.285179460666,0.71175570557,0.900120645512,0.485738842405,0.816214483895,0.380821009253,0.191221274721,0.0107548306634,0.50601441455,0.530697663516,0.970692488582,0.268816630176,0.339884813719,0.231698032254,0.200219554546,0.744019085278,0.329123059424,0.30947249118,0.953429210105,0.757783503334,0.607686242383,0.485365725651,0.825625617145,0.109931553077,0.373223238001,0.446937151808,0.900811580993,0.761038619063,0.312736899326,0.956554362246,0.246053252679,0.499092162194,0.0483845885216,0.0599256131203,0.142191040519,0.387157459284,0.73258402281,0.272426641849,0.587046754977,0.0873930607541,0.410793904122,0.945307965045,0.608891586797,0.724420872023,0.891770273688,0.264718184917,0.77649745695,0.46321032084,0.449982304575,0.544026301725,0.620113657156,0.702243173283,0.601149616897,0.386026542326,0.0201894263672,0.864995706588,0.0920169253873,0.893563573906,0.528932574883,0.722419336271,0.618950811848,0.734914202006,0.133530890156,0.995151271559,0.471121055618,0.762277607533,0.919560919323,0.211055659615,0.661011347571,0.131904541876,0.846212505482,0.231416060108,0.684375810529,0.101865505551,0.210575301432,0.108824610758,0.342352669595,0.0795938759685,0.0760836212617,0.0995402724998,0.0272106393273,0.184310163991,0.432230829798,0.307790539264,0.278063531452,0.812646191178,0.199696388343,0.596580720219,0.872124929647,0.605483104277,0.360200259271,0.505005165546,0.350264571121,0.0162004442489,0.603645781637,0.185968805881,0.551618744222,0.17573955501,0.482063612072,0.817819626657,0.967227859274,0.329614195438,0.628690031271,0.0398998363156,0.43395995445,0.756756499934,0.441449428274,0.507173984973,0.898821212845,0.147227311206,0.637422207794,0.841810923804,0.689730770797,0.796963068711,0.796479014385,0.860815960863,0.0259609660676,0.586500320433,0.868662589412,0.938040250293,0.22603311573,0.767785835828,0.605211088681,0.800765829586,0.234734389407,0.0192169103412,0.0322706288023,0.220327547987,0.0486486372968,0.231367792996,0.592668114603,0.349540007289,0.511490138967,0.948069337374,0.683100822546,0.890642278681,0.390272936502,0.507278214587,0.0110205913682,0.910943737302,0.619756800055,0.718544148681,0.808137184337,0.4119930105,0.582365886912,0.717200579408,0.237309133434,0.991434234128,0.0324835600009,0.0622198520782,0.710387880724,0.324957500515,0.260828328775,0.922709037751,0.697722397768,0.949930270753,0.318813988026,0.491017121478,0.116258056309,0.981624000452,0.292591192494,0.183622612754,0.203136099407,0.37077686426,0.159986961044,0.362588545703,0.262701823557,0.636154132174,0.516919429588,0.34564398499,0.935618292305,0.0510018875909,0.605287222557,0.676444343221,0.643739311333,0.0175704873485,0.739088901987,0.736695748669,0.0275742779322,0.676871443245,0.909566804047,0.584334304877,0.153285906045,0.817984898637,0.34729211091,0.938150784324,0.0524981666239,0.74230382907,0.317215619549,0.135449901123,0.74977679292,0.71818531422,0.613857854694,0.714746157643,0.241673373842,0.908658155577,0.391819985445,0.374183552506,0.13603456579,0.669971010411,0.808230811138,0.0255648432742,0.425196509266,0.688090563959,0.914889562627,0.918158745878,0.459906749827,0.202537250412,0.295772869066,0.683570991265,0.709259709123,0.280535821662,0.802759635558,0.672254822567,0.38734317194,0.445103271613,0.445205436302,0.796481726792,0.884385303455,0.927771051018,0.597495898827,0.935286469919,0.600901223449,0.732419350411,0.617582840805,0.831224471887,0.505584256543,0.488612058766,0.402506884308,0.462360978946,0.203704035061,0.195664102034,0.887209160188,0.660052022862,0.13079564588,0.516791681542,0.733564187953,0.717669797562,0.764910816953,0.581783976075,0.824891887079,0.755815458871,0.983342589281,0.227722843441,0.551521437745,0.430323749211,0.374504950697,0.14920773061,0.0509328862058,0.0214724169321,0.598666472279,0.221516266201,0.650154393742,0.727117796777,0.428788524548,0.887715850389,0.304610092011,0.327335373905,0.180663513986,0.160441480329,0.634486539424,0.837342035883,0.0269328466244,0.912972242905,0.538589207322,0.753882839423,0.161494284134,0.150971231868,0.95845575576,0.474629949784,0.147693907493,0.890764773859,0.11541207253,0.410532416922,0.975780419173,0.43289222432,0.665083731171,0.825902028269,0.995532384453,0.247221568791,0.43448667249,0.464215767645,0.451987316727,0.112669220494,0.265092400486,0.297382180825,0.189064778814,0.457973508407,0.210739542073,0.356209815728,0.10545512168,0.853839976015,0.745798899744,0.782958509677,0.419203854944,0.723938246749,0.742109653257,0.155797478146,0.209795457119,0.40831040888,0.227984731104,0.407913217288,0.562566413892,0.620598811668,0.000880771919153,0.984417336909,0.949637674244,0.699704708793,0.186534446105,0.748171321192,0.00756734871471,0.56337187725,0.840977379574,0.216593926335,0.822592655101,0.315349968735,0.454908480615,0.23729771875,0.342092495278,0.229684735683,0.693309091539,0.695468562077,0.773529051613,0.94686032235,0.665023776282,0.785905764956,0.439328392792,0.499298739727,0.134429819621,0.88925045366,0.752633795599,0.773034954636,0.862229394113,0.918488089589,0.0195064914646,0.516191945773,0.797085026095,0.0626048939386,0.291277310261,0.857590582292,0.995766337345,0.478079904612,0.672629922714,0.898441532336,0.343238021645,0.141456347282,0.854957603958,0.945623944133,0.679799094513,0.492937227107,0.305305240383,0.921656709745,0.9555251987,0.859531450917,0.91108302635,0.759232348556,0.513160436122,0.558873580426,0.0290099583365,0.596789829045,0.878081297,0.528955246982,0.516787938613,0.0230167190152,0.197981747522,0.0322235695905,0.914398902631,0.0303407850885,0.948884090082,0.294334891345,0.614049766838,0.197346419832,0.00834943559453,0.140886360507,0.0907101372771,0.271718700046,0.178021183831,0.676088413717,0.267158146314,0.351038597728,0.341597686912,0.366679387596,0.627459165644,0.971257497027,0.285374823024,0.084078948855,0.624243691226,0.961412509121,0.52629848545,0.69054450257,0.480712184949,0.785443330661,0.824630227933,0.805090594005,0.696949121842,0.884691986043,0.704470888336,0.514501241927,0.775129638386,0.354999605998,0.159826650533,0.360993473303,0.780485535757,0.759102304745,0.87254887838,0.919820300341,0.977174017116,0.14546491179,0.482091765698,0.767385208049,0.567726379262,0.986065578711,0.358973382957,0.00204300559801,0.722220829918,0.457899607586,0.137568402872,0.145206603604,0.0455610458299,0.660434093472,0.996080108277,0.662236007555,0.602530714398,0.961004429635,0.0740479344654,0.389896381482,0.301134162823,0.706631384225,0.566768039661,0.71038521631,0.751293607691,0.663925040934,0.458417811034,0.644182182242,0.352664747486,0.0800184791161,0.510122213995,0.729244435605,0.680799307498,0.939430500181,0.197500008751,0.273580427992,0.937328291595,0.541892941097,0.0643256953611,0.929179103473,0.546289518478,0.345690641844,0.265773003585,0.89355808983,0.920654316661,0.750959573862,0.0342971881029,0.00377446077392,0.955240920424,0.681930347669,0.0961882860031,0.783960053635,0.598619810545,0.4213626017,0.304161314535,0.765525343113,0.560836728146,0.474262026861,0.883719456349,0.605904970151,0.929902719894,0.436243265936,0.313295961993,0.596089896593,0.749529451128,0.869125612003,0.116850103013,0.901337514186,0.0570103411685,0.584058870493,0.527811646997,0.025055958853,0.0977997493414,0.489569113508,0.00592262119938,0.615063313231,0.962475090924,0.621910295075,0.574055200638,0.848375525416,0.416552593491,0.47141389386,0.820210131109,0.777168898794,0.846144006811,0.108507116053,0.780945432914,0.950769151132,0.235301020851,0.0132078097431,0.954155154279,0.377668268346,0.720958151081,0.762370970854,0.650940706149,0.538014142081,0.899465786873,0.484771799356,0.475712438554,0.666744434514,0.355138246806,0.947040274505,0.0253637056776,0.164631854874,0.373475650401,0.00211355739913,0.195063117227,0.466795380615,0.832406993934,0.819065124918,0.0811373607464,0.948142972242,0.18469236991,0.649322189555,0.686404320375,0.760535941754,0.866455854679,0.478124026947,0.880231062482,0.880491421796,0.744771462133,0.555767224988,0.383094589322,0.213170822359,0.431260926464,0.658334797456,0.642121264752,0.839019532144,0.14212674404,0.598281140376,0.681682962862,0.962110397129,0.151994509426,0.955455975022,0.33072604059,0.934378299027,0.956507743295,0.811109465419,0.454025998729,0.949584176508,0.805775079495,0.647897177887,0.876215879531,0.108074378808,0.0523612886431,0.366246735739,0.265635497076,0.155424547629,0.315886339517,0.61647327253,0.66412828832,0.404567313187,0.43533357315,0.444579636566,0.32052034516,0.462787538618,0.257794123792,0.318773656972,0.283111694605,0.778194872372,0.499150680061,0.788892793405,0.0515529935253,0.639724518962,0.76007418104,0.631638050106,0.250342835297,0.637898740762,0.717211370143,0.0296878585751,0.309868523861,0.691911227375,0.872560282319,0.787461793623,0.617499304454,0.504217300481,0.486640641999,0.586414361213,0.962585674346,0.637265890083,0.371319267702,0.633492545101,0.269493542611,0.0363388089244,0.94219608863,0.93995004361,0.117628740422,0.828189098177,0.527376854868,0.849968240303,0.406149351626,0.0673308226426,0.267171484777,0.447733588006,0.410303773902,0.399424055224,0.933659449769,0.232212826557,0.37751146609,0.226565732306,0.6490386124,0.978368289452,0.516175766732,0.0890443583755,0.213290297874,0.403374474949,0.12341681198,0.80759936616,0.577621449812,0.497486922579,0.574999598546,0.02930550472,0.375512981131,0.177018018423,0.0967973540221,0.747986964081,0.374251462019,0.509107355794,0.957052786767,0.681315927233,0.539393049628,0.419649321673,0.933486709671,0.912293844828,0.5963545208,0.227393983837,0.531573104872,0.449759437938,0.0356861582615,0.567704744665,0.128446338649,0.019636115506,0.798611880639,0.994752640257,0.939582685515,0.26574958824,0.225275322243,0.793060810911,0.671415243806,0.823719232277,0.319446785687,0.65111767344,0.853395422852,0.885628326583,0.266118537706,0.357099656711,0.573245702864,0.92924303734,0.431863389792,0.16329468157,0.341643084365,0.634402879478,0.0629030473035,0.41049901048,0.0573746333451,0.770781642469,0.72093841945,0.157689624323,0.941130397192,0.128393370188,0.309040482528,0.874751279888,0.341540938972,0.448283639032,0.20879670595,0.905996111632,0.490124103699,0.354327009768,0.0652081303884,0.273595808106,0.196165215144,0.254569376695,0.0795530803812,0.72119950606,0.828671933147,0.018178235667,0.0652777736352,0.713951389711,0.588692711639,0.583417950685 0.577600166755,0.491891351603,0.433314583004,0.209824564099,0.472600033563,0.5674426203,0.637497257443,0.312812406997,0.620983360173,0.462473762354,0.399479178086,0.210572714859,0.227402096442,0.69710938123,0.028280673072,0.383890187403,0.187336238567,0.163804191897,0.0436359061108,0.975443147915,0.686397772549,0.691902491326,0.417801945059,0.1196781556,0.761810125373,0.269978332326,0.938359020407,0.950986333349,0.389626325122,0.25809222404,0.265073725221,0.542957352174,0.226427787567,0.294903011733,0.554414366222,0.487351580726,0.641152897073,0.43988350859,0.810929955736,0.742898038445,0.631458883543,0.66699539466,0.306928606686,0.584256783887,0.342957092743,0.0288248515179,0.666763026118,0.358776152615,0.510197799856,0.737099503957,0.370777016852,0.775988054169,0.241127193344,0.666286694282,0.57115499061,0.132778781443,0.670006120328,0.747116480961,0.878866138714,0.658219046977,0.018500275045,0.882584393661,0.942767831752,0.534064673442,0.319477377928,0.444114348918,0.744796989286,0.15421600294,0.949537214804,0.149706950961,0.382517709148,0.200381143465,0.476456850507,0.782866017963,0.260980868911,0.896039624067,0.463038375964,0.529213540699,0.302823591844,0.0635568585172,0.238639508856,0.32736377958,0.239487360404,0.994405801816,0.94692061911,0.569158226617,0.762601401165,0.055539440322,0.1235465419,0.140768746328,0.830678560828,0.273042907041,0.464525368682,0.762740964583,0.745255259253,0.963372912633,0.0621633432466,0.931786058912,0.733398158768,0.513127428316,0.629071354215,0.185136845959,0.492746187426,0.523353408049,0.558855306465,0.569471141682,0.985563139036,0.845086722861,0.722937579521,0.26389093876,0.566873796374,0.283020105991,0.654744386829,0.710955952683,0.298564277527,0.90737860128,0.562991437298,0.156136568771,0.0669415371568,0.791377633253,0.37088982082,0.650419279888,0.0497778423901,0.507331614734,0.19695008743,0.341375571098,0.386110134122,0.240609483575,0.351083475285,0.891542093212,0.369029590043,0.920738385385,0.963323998161,0.676334386966,0.23671372513,0.214662144402,0.919003306537,0.777230925445,0.958377315295,0.984554396888,0.0418783994862,0.857838173564,0.467197311401,0.113722515164,0.55571623638,0.926625848783,0.776559910974,0.22480079761,0.659151052439,0.265747237801,0.0192907671298,0.0752567707321,0.154756349719,0.559749012375,0.944047635002,0.607840902621,0.435601235445,0.702921527392,0.338148412199,0.937408989697,0.464647898053,0.723361270818,0.0463443716213,0.114952230616,0.141716931627,0.797082285781,0.395611257463,0.955541530404,0.746858318839,0.030552121101,0.702794333393,0.261782880329,0.104284523708,0.554848265083,0.628755444826,0.283431780719,0.63605851401,0.827676997562,0.558871630981,0.40504758217,0.23416741375,0.205606871336,0.843658292442,0.348657178284,0.008483127644,0.213791922503,0.2252838635,0.712415943734,0.755365589477,0.400369019966,0.496527904011,0.57018635283,0.583093461565,0.207534418471,0.32712418075,0.152507084556,0.74497147531,0.0491918272476,0.732204355627,0.834859822996,0.613475790292,0.55837777287,0.244770513632,0.821972547637,0.501284639863,0.0948161629948,0.245032614503,0.53019169607,0.471642701905,0.444833286902,0.455521826328,0.915350349337,0.250917826709,0.534824781827,0.528842961778,0.439689323164,0.333975053086,0.188523413307,0.933799107006,0.621897938216,0.486962186779,0.698936682772,0.701392315215,0.536965251968,0.591746762,0.741016452855,0.924022945685,0.535668339095,0.28133045142,0.602518459455,0.381835584391,0.411192681675,0.95551655304,0.664321297685,0.39260817869,0.534882474676,0.476573830222,0.748149800179,0.77813274031,0.601915862783,0.135994517717,0.973739102615,0.360093318002,0.0247236855289,0.91541314907,0.221513333688,0.740396501129,0.338890322188,0.420256269594,0.231727799571,0.106353817736,0.26569804493,0.892444984088,0.50316085262,0.603316091464,0.750357544618,0.325229290511,0.579625489786,0.307353338505,0.492161966523,0.825152298469,0.873904513385,0.976592341973,0.593101342832,0.478964091608,0.6965886371,0.651458486874,0.343338560442,0.615765070748,0.593481067644,0.712955746114,0.684825433588,0.45703289242,0.370539426845,0.33955328094,0.185779093693,0.158946274994,0.882861362425,0.730635406395,0.528277856858,0.699203594108,0.516600239089,0.0308054251102,0.367837409501,0.263799752753,0.949304392662,0.96109805444,0.950951148531,0.0219925642019,0.611246631529,0.633472194177,0.831463229683,0.571213720347,0.19821898107,0.463693848368,0.849759039823,0.272849536191,0.407434149333,0.202848022089,0.463108125829,0.0193178173412,0.556315410192,0.78207975618,0.234118629991,0.11870083036,0.332223277342,0.566514922077,0.0797762681745,0.250385671731,0.671137750716,0.462757475971,0.00461092899017,0.944195877533,0.610739464187,0.13374892238,0.959443097161,0.719084007475,0.882929795363,0.740065461237,0.962739636683,0.382714210736,0.906041874001,0.381266066295,0.512559020971,0.11161652388,0.606330068628,0.985762759145,0.366395586884,0.310704751325,0.641992238561,0.247128705012,0.0203181182001,0.280726679032,0.430515139233,0.388281407126,0.990986835068,0.545195593021,0.278885525071,0.841494029653,0.389999994219,0.627538550375,0.236074987332,0.0762675525549,0.00616155067064,0.222923512698,0.0932468141039,0.811313090493,0.506067668657,0.128181342686,0.489139597498,0.34764345372,0.799373304659,0.978244312457,0.475996524605,0.172967616212,0.457800248606,0.363226611552,0.843560362849,0.885098413858,0.738890583542,0.00444640163528,0.726887684884,0.629462671937,0.22520792646,0.595065806785,0.630635017053,0.806090263027,0.791920338179,0.845458255417,0.411519270688,0.118662582017,0.562174691519,0.903821840653,0.181122817045,0.706596669013,0.410352699315,0.616929304106,0.414512603692,0.901568443701,0.624817879935,0.101700275482,0.93157855071,0.82076645287,0.623631356058,0.778621224865,0.546988744987,0.916027568448,0.158023755743,0.535825284557,0.31352769157,0.806705197701,0.515599651145,0.19199800133,0.239696217258,0.916655005929,0.634450839193,0.00647848529782,0.0187268375249,0.625652551354,0.0446940039926,0.0142777966767,0.304121242119,0.773893825404,0.538058789292,0.698165946191,0.3670934351,0.12015777194,0.50180876797,0.682405220875,0.222853014089,0.568010900458,0.346622339985,0.228263481722,0.92353332655,0.40813069598,0.518009057533,0.681068172699,0.8784611097,0.720879233101,0.572691845467,0.452774940648,0.242197453938,0.228412261622,0.819804726303,0.257105559823,0.742055982474,0.713778049064,0.605974108411,0.156524145293,0.430897170165,0.691313739869,0.67603765567,0.963822692009,0.00724798448418,0.377550321357,0.235586488069,0.110223943893,0.595045356423,0.328214580215,0.0423501070123,0.9552577452,0.620622477072,0.384183748632,0.722782401144,0.23105692589,0.526244413023,0.883746353633,0.389894301891,0.916460796559,0.547395349101,0.871641535352,0.485557467721,0.834604250193,0.455520333126,0.147052352426,0.983376742831,0.917672691848,0.775444039431,0.749520477339,0.389093241473,0.793597293185,0.330894658586,0.353439358249,0.270571646476,0.942646910294,0.259906944717,0.064434312492,0.084564451909,0.632892695665,0.0134139842202,0.354033824878,0.0446317850396,0.803085761891,0.0584172862803,0.30197803512,0.291635871176,0.480615818922,0.565123532227,0.83726781577,0.950731311376,0.595017271068,0.304726759798,0.692421908602,0.344190876143,0.320207470357,0.106274054084,0.136351944368,0.332427488861,0.0703788376784,0.806679433999,0.246032019657,0.564191930069,0.932624076994,0.470753532758,0.370150560319,0.255400969154,0.95874529241,0.0585298975888,0.52093084445,0.202228424314,0.653908752216,0.80993355125,0.481175007618,0.245645948414,0.301241114153,0.278758352764,0.944470131233,0.705911330831,0.507025612022,0.200809787992,0.267743724099,0.89245661153,0.332234499044,0.447282392516,0.893781154216,0.507887195701,0.567060659689,0.416856396013,0.996225313889,0.622357710764,0.465240419674,0.273601271543,0.150521911956,0.850123049177,0.553025628983,0.196978182426,0.212939986124,0.858265462678,0.127516019645,0.923272226841,0.0629151580053,0.177958409312,0.326884515251,0.47958721268,0.622554043972,0.456922190252,0.287981185087,0.32095284649,0.632109819594,0.804631169675,0.28008664726,0.813648961927,0.801538320762,0.857004436824,0.981169387704,0.702258381863,0.637492244904,0.946971708964,0.3359687885,0.367918682354,0.117356224441,0.360688457955,0.668513353428,0.575716512958,0.83628529686,0.0945698982673,0.591890076018,0.311182925859,0.455796931224,0.865961556763,0.140259222033,0.882157084308,0.0897649976484,0.058538991522,0.552756688477,0.372149357747,0.500219532011,0.319042893443,0.105765062488,0.604315209071,0.379624399466,0.941060138657,0.0900974194242,0.218215706825,0.443503331812,0.847200527302,0.961233760134,0.298465560098,0.952124961583,0.849945106688,0.181555277587,0.0816901644663,0.149672484238,0.945323959153,0.120090607955,0.134192286483,0.446902420857,0.48169687442,0.88869015267,0.346146391066,0.683096348198,0.43473041397,0.723883230035,0.64599669766,0.0129952161437,0.243725893895,0.241346164896,0.251345911123,0.806237934287,0.631166446102,0.530733904288,0.903800170187,0.543228005715,0.149272669615,0.348629615653,0.987227634233,0.786249306934,0.287443448376,0.536376682586,0.244950736488,0.748276922534,0.262124214896,0.613393940697,0.101029741048,0.215407754867,0.804224228048,0.616879361081,0.625924411042,0.0973496866449,0.15809369308,0.716148220317,0.900159787024,0.107319618539,0.316966834085,0.450938634324,0.454525612914,0.480680335993,0.313453455275,0.506979173796,0.934381989004,0.330303364284,0.641924510212,0.355479170452,0.697403812066,0.888855049255,0.585927590542,0.7907887359,0.525882104628,0.239876312267,0.251165613024,0.0227029863421,0.723507712048,0.77692983348,0.975772877586,0.734003120734,0.2309441077,0.235962391361,0.833728813887,0.810788674886,0.470744472688,0.189113010244,0.133973368079,0.959628569916,0.558148966223,0.904199132712,0.875855210263,0.447203907907,0.76261360949,0.451038067673,0.0776649491414,0.225945034293,0.447313510136,0.946906692819,0.271284948046,0.375897478741,0.104284771376,0.0118678746823,0.0854947436806,0.0258201296565,0.452269529809,0.390088286496,0.176308284737,0.134375527574,0.0571983768895,0.459870485546,0.385238068287,0.691989301577,0.0257913457608,0.131375775588,0.612993769863,0.595109709348,0.0352171958667,0.819611957734,0.905671375858,0.0799403744622,0.440494244385,0.966711786365,0.544024277141,0.140637044317,0.500854423022,0.353683920992,0.978824060304,0.367290753458,0.505570785743,0.867850368617,0.422426575051,0.0364101750049,0.919650478824,0.750093666672,0.0188675556345,0.296239419528,0.719401673267,0.0898342700282,0.930450597116,0.137387215104,0.669863031567,0.939729920009,0.737949992233,0.665651342863,0.642692519682,0.746925214967,0.630250553182,0.895888778293,0.816967280434,0.208967292462,0.917662327421,0.55335997131,0.332969640279,0.225634549807,0.604492357775,0.528908052604,0.557436923949,0.267795472293,0.56592804344,0.510169502227,0.779046274359,0.173186646553,0.877045498573,0.530357051248,0.9439703144,0.677446745069,0.777742173888,0.496302184191,0.386338501375,0.240931015814,0.906218279934,0.867354951148,0.920255198622,0.43162543137,0.616153662148,0.245752490628,0.0759273645292,0.0619239468556,0.890266699895,0.657868659915,0.403689217099,0.263773756625,0.620064794059,0.750588002293,0.780604648948,0.0590809751163,0.899523545395,0.261595964135,0.802492425334,0.262017775297,0.143484318696,0.300338036483,0.0923106058049,0.946798109448,0.667223021115,0.326539402621,0.450966220322,0.843411743452,0.412892369639,0.752929786233,0.303071406574,0.90091963195,0.751867774785,0.156145414548,0.970690503147,0.199267525348,0.25692401128,0.868563886727,0.515548270955,0.59857799679,0.527777238477,0.640098374261,0.365651673751,0.894237028447,0.843265693232,0.903610333479,0.0602959143428,0.563294408717,0.550934506175,0.269717453241,0.363584352372,0.576966818843,0.997650803719,0.944094666906,0.497518773213,0.765588194923,0.552203739798,0.60163135925,0.226182060955,0.316456047151,0.39276097632,0.254106722553,0.0671781122473,0.975511984248,0.281722063954,0.749225312577,0.1770233236,0.00979788642317,0.630091798811,0.366944472092,0.895803111472,0.628047164666,0.471073922858,0.00910930553728,0.114146107069,0.367871882768,0.175738004858,0.729873633613,0.190680890468,0.0502260024316,0.137252213731,0.801491521635,0.935446172564,0.293338933819,0.953017862562,0.461568786811,0.590498430896,0.554770044754,0.404585723373,0.485448821352,0.432078265143,0.6733546831,0.393517160689,0.842225880892,0.73312264741,0.706924210412,0.811187745882,0.411707744379,0.714864988157,0.845776830504,0.550039339302,0.589556324806,0.109885650875,0.114186346824,0.166069636887,0.737489748017,0.749238117774,0.126376879785,0.414311407818,0.806891512004,0.0864783072059,0.331073337757,0.354495458547,0.727318856137,0.0271740974185,0.907164482825,0.263633449554,0.587694075301,0.104818968347,0.71694916947,0.325552757027,0.616345848154,0.511514270638,0.663161087741,0.512934062539,0.961673052754,0.0709538484287,0.989273081589,0.45743871029,0.0662266998065,0.0401232530053,0.39670500512,0.217711652055,0.580957017191,0.864932759872,0.389634485707,0.665439805001,0.947043726557,0.637109804578,0.941496164384,0.451799868612,0.854146064105,0.621039911823,0.235145813088,0.994017177962,0.803323294291,0.639110017964,0.0346587995185,0.177314713509,0.966643068361,0.0951395290114,0.118093050793,0.360588878111,0.336801383532,0.327564185002,0.379333197341,0.562161090236,0.265676585289,0.83052433858,0.613783285391,0.0516840238073,0.788962873781,0.566886987453,0.71166055357,0.178784151267,0.987712825128,0.899029023676,0.880704115963,0.216153992444,0.0954544830151,0.119563719807,0.375875562966,0.60878126924,0.999763453782,0.51186335798,0.356782659956,0.458883911413,0.307977250353,0.41494446249,0.372645063417,0.715067340104,0.76625817106,0.3961739423,0.394694116367,0.614970501398,0.709463961326,0.596099947493,0.320490483539,0.160002755141,0.180769473129,0.601026689983,0.0757455966877,0.91403542022,0.417640129986,0.0238410767345,0.687387432881,0.566619394539,0.55578778383,0.397062108456,0.294085663556,0.585625580944,0.982317837322,0.443654746209,0.731354687982,0.127158554213,0.32314061817,0.693373867028,0.946936330885,0.450895593787,0.683549406204,0.304138733688,0.893994335741,0.00594447977496,0.0802507807767,0.655176262328,0.949885049869,0.0459376598228,0.12781188262,0.265950578586,0.570460297436,0.352911547482,0.627354428359,0.119004753643,0.748359882559,0.157867858206,0.289447984734,0.659265428927,0.4668126057,0.0195811146872,0.322511810948,0.780772758418,0.115030334433,0.270187875242,0.324362244466,0.269182229364,0.335626416845,0.62292666373,0.612069216025,0.630429237037,0.431621565109,0.992414468963,0.73093882603,0.366382842076,0.294133064422,0.706991135085,0.539871468587,0.627148042834,0.257931729003,0.83927341343,0.18369515665,0.169672373086,0.919420872395,0.385998175425,0.782503625763,0.277035170561,0.0541047809001,0.302044208426,0.374169641909,0.725442323214,0.592243641465,0.125145495402,0.411839866315,0.814212117182,0.824516810228,0.33007856655 0.992755007441,0.987929891411,0.576301746377,0.115640548109,0.614864591513,0.129659442124,0.226027466104,0.0486719999638,0.599033467529,0.190491735292,0.148279376326,0.348603109033,0.368384489232,0.767258626146,0.42474927072,0.268024232704,0.507121992064,0.835913060844,0.719909082136,0.655264860998,0.790104487202,0.268741789521,0.776326510551,0.585234433805,0.544148428542,0.915661979712,0.400099536996,0.304158055221,0.984438608041,0.807255256862,0.193805747271,0.17568097074,0.497251317086,0.483293771784,0.649097903986,0.912101219222,0.682243575992,0.0119174055402,0.489408436779,0.7640010443,0.980559567158,0.823488628765,0.381476793544,0.706577373808,0.227881845661,0.466461263593,0.276727751904,0.270871552967,0.0102170435096,0.00344203917332,0.508540793307,0.0376007583817,0.35144877058,0.442315887059,0.60580183887,0.00167796546954,0.405634097819,0.995551425559,0.34163474397,0.871082765626,0.2983917047,0.16400426916,0.638269105854,0.739300309856,0.591551765306,0.305471119604,0.612920199897,0.318694913168,0.938222299819,0.154121388707,0.600768084119,0.011868561562,0.959626196092,0.55153024138,0.771333725145,0.623281487468,0.784573728804,0.818755902516,0.964770806691,0.50930191245,0.76190221336,0.174552221094,0.177871092914,0.496921282404,0.948399199295,0.898402504798,0.839323339568,0.998616466126,0.430861529861,0.668986477127,0.296907569037,0.715516825304,0.171319917728,0.0964884960969,0.521070097873,0.858105342369,0.326080086857,0.690703291511,0.925791462661,0.616148279088,0.0935514415003,0.902779247145,0.306352823155,0.87458806037,0.938514051335,0.144307310859,0.527688482768,0.0337616722653,0.435855094653,0.823742395805,0.537671767581,0.604074182022,0.436591777292,0.592621633479,0.611087489109,0.919737683058,0.781977969395,0.512039002466,0.41661133626,0.776858470991,0.964407881885,0.176735446063,0.0266271727464,0.175741541885,0.136139799767,0.886095887311,0.685898131278,0.409340310779,0.642295968157,0.145787766613,0.584061458217,0.941128206092,0.538478273954,0.0439402734027,0.00230469367284,0.0558098785277,0.484705222813,0.586974182147,0.368368361699,0.40213783976,0.976537090651,0.632897201038,0.293705296102,0.729392559138,0.405064681065,0.554863475817,0.924751167077,0.185154082968,0.539970616899,0.0765201500543,0.595906254245,0.541847270333,0.275610365896,0.196066926703,0.83015568096,0.28286041125,0.992963172761,0.749885566885,0.132700719039,0.699980661984,0.931150343591,0.492059098511,0.261545866099,0.479925280078,0.168734199023,0.0544394631135,0.899557169823,0.846091796139,0.63521202891,0.998830014677,0.104148915598,0.817832692272,0.711224747355,0.787096224251,0.95459294912,0.648811662197,0.426698963033,0.790267584888,0.323466054651,0.240508538226,0.227286010539,0.136519828033,0.759753151474,0.369380404282,0.0324842707315,0.499874596124,0.0502385791408,0.173024083768,0.709317694953,0.399464286149,0.21922777834,0.821237204581,0.1476868322,0.418129293777,0.902475408072,0.636476870788,0.82011008005,0.561772049067,0.268067600737,0.386437912953,0.495019504517,0.0340139865259,0.423135189033,0.449565700929,0.53184975139,0.509048485638,0.855987233624,0.0855184269307,0.497570112935,0.183245596841,0.122664526037,0.845621541624,0.136570155874,0.0545042536142,0.243122600116,0.899825204691,0.830378396239,0.908867011473,0.872453543532,0.497059463774,0.961719780765,0.481756132532,0.347415078651,0.921251732704,0.676388226673,0.100444039489,0.602773902993,0.67554018546,0.273912354627,0.955509089987,0.232269733498,0.590781158022,0.175848878251,0.952180716612,0.587075037933,0.773581700134,0.694449719989,0.279417997289,0.944942826353,0.796626959613,0.137456512526,0.946429688049,0.705795448668,0.866177877777,0.17660649597,0.537952789345,0.608976732208,0.298854434644,0.623997340009,0.746763486357,0.523824505274,0.259509103256,0.169358375588,0.400446165681,0.589306256967,0.814169683665,0.138156890011,0.724730561954,0.697907092775,0.502855805174,0.941374249867,0.21973893793,0.0450000155719,0.54747627237,0.536812283748,0.281484807634,0.647733395786,0.966545317517,0.773014914228,0.24277863821,0.454462444423,0.611123308526,0.947318676976,0.924206293855,0.0310663945455,0.556364111233,0.351077784114,0.891922978471,0.565616759371,0.550008009719,0.194498865413,0.625483541138,0.0492130410764,0.63646126196,0.271566617384,0.104476092354,0.798360618629,0.529454602554,0.995243335977,0.27361447418,0.0296008898399,0.906916470864,0.325526146973,0.361743517333,0.325680902996,0.130269093458,0.603189747426,0.797560123523,0.21528531786,0.0926647223766,0.60152540682,0.537951763609,0.865450099209,0.476737791043,0.331371479324,0.592237449626,0.0103819488923,0.970601198487,0.849104064363,0.497456200323,0.61944122297,0.680147554217,0.550899327703,0.669457997991,0.308231615506,0.691092888039,0.206966483575,0.583199699273,0.153735965807,0.700978224615,0.712419252643,0.90602276114,0.8530895749,0.180816316516,0.449341975594,0.7523493146,0.3797293328,0.543777432263,0.132501998008,0.574289406163,0.116296445284,0.135909126546,0.803911284772,0.483066925342,0.155651936684,0.572998618759,0.647441779418,0.562504474594,0.0404111353711,0.361263754837,0.913522495989,0.9720856536,0.657961508326,0.0523075510049,0.968462655446,0.621524668272,0.0191728670884,0.0608701610806,0.605931841005,0.41888512861,0.110139155008,0.974288245374,0.483574567066,0.814307627531,0.032641711788,0.472030845771,0.533847854389,0.962394196846,0.116552427953,0.345102760876,0.886547313097,0.459182516442,0.800783660393,0.825542010736,0.66305487174,0.527933481463,0.94515539817,0.064813404311,0.350857261996,0.870047522992,0.608135302448,0.0628741571451,0.0442000862405,0.447675418537,0.120994833324,0.30410910993,0.00483906893995,0.999737456309,0.757750890034,0.193494295601,0.429306924848,0.269329745253,0.135875123465,0.640581295539,0.722203752071,0.972789665612,0.651686977251,0.0620040015669,0.209233403851,0.187557676805,0.530694122722,0.194979927594,0.45991141289,0.430493800902,0.084459195794,0.026967710396,0.36601330303,0.576951151816,0.220066910603,0.312975353546,0.375213964341,0.695553247106,0.0243469242254,0.888875945992,0.837112955312,0.61060570942,0.711766344462,0.220630789801,0.430104521579,0.349667742259,0.866126512363,0.727407631633,0.362694553332,0.0414480192396,0.80507746815,0.516676273003,0.249478379913,0.769590678959,0.612285686906,0.434114162958,0.903611605538,0.289264642769,0.331308977972,0.356638882673,0.736353976229,0.283098343101,0.432753842163,0.658568689813,0.893411400903,0.862944242378,0.747981372231,0.814867555899,0.565831129779,0.0503252657596,0.962839969578,0.165294876812,0.359176457644,0.740458324187,0.106558727019,0.693133728962,0.398570585449,0.305888740956,0.884525461059,0.861055163902,0.889796419842,0.333344062698,0.51666787333,0.00127683361386,0.243737256241,0.335566594975,0.532602870218,0.960033357146,0.0569905132635,0.743053001235,0.0178003240528,0.347296593926,0.905202848771,0.178207510759,0.50304277267,0.659711575713,0.566803893753,0.342944727867,0.645174284437,0.611797133385,0.752418535101,0.74072711458,0.0134777566093,0.0468534747453,0.347600037084,0.409265377573,0.469872387089,0.0508068360356,0.828250893207,0.0418848813,0.207854757743,0.675367039089,0.398665583101,0.809706034409,0.373532547406,0.778677618155,0.837306528585,0.0365474401965,0.0341361579247,0.657314384091,0.109610307932,0.535316374055,0.550025457931,0.426274065812,0.0143044201047,0.505910160913,0.81866823416,0.428445111003,0.926386381224,0.761399437451,0.481382960035,0.545769854636,0.766972606012,0.0196507778694,0.192210946346,0.005434977187,0.695778261083,0.125964226417,0.0930555368876,0.239017665341,0.791812194896,0.673659120781,0.622196979997,0.53962456888,0.620296450978,0.170514893759,0.915254290473,0.452165642215,0.35022764166,0.557809663457,0.0642208792388,0.516400388344,0.632398127436,0.726235543428,0.903894391158,0.289688526612,0.356173540658,0.160710103385,0.285094495623,0.54887504898,0.757805559096,0.440969911156,0.824408982198,0.206817455948,0.370189808125,0.74793353497,0.721899866542,0.290250100007,0.836072056737,0.287489773162,0.741842054844,0.0980672266639,0.559977523901,0.641143825616,0.802027114831,0.589083064868,0.986511802339,0.930374682981,0.998019500689,0.000586237445882,0.236024907977,0.174054768659,0.7449376479,0.100112449578,0.80691620656,0.159631748556,0.356136260324,0.348113791633,0.896230499056,0.274066994081,0.721244122983,0.142352266607,0.237129445847,0.34958135675,0.666353340846,0.202979527989,0.422198185837,0.847282417385,0.187297189293,0.234119930701,0.936298772626,0.348888974992,0.887992851378,0.275348930343,0.277272727327,0.111300661258,0.743815810481,0.539875150593,0.174752699314,0.227462229698,0.781255557657,0.498345853835,0.480822652813,0.892518021634,0.870269243968,0.470433857512,0.374398793117,0.78654151563,0.848235304711,0.360510652717,0.352687435751,0.554852961959,0.586177128562,0.578720384974,0.0387163045754,0.943056621051,0.743794269989,0.792023964255,0.474633059374,0.717661289372,0.211165404808,0.61682179464,0.918167044821,0.486813806144,0.805703778343,0.617047654635,0.681696835076,0.958413863199,0.379840960845,0.105478069185,0.729363512516,0.725105941417,0.719496919169,0.18395906202,0.394611473612,0.417179677391,0.276990230538,0.809433904268,0.763488025662,0.569167391626,0.66981628128,0.413862452107,0.561170322031,0.748966315655,0.712754103391,0.562978321971,0.546821225148,0.139041518887,0.49272756655,0.582426785702,0.627955405482,0.402861058886,0.626289332192,0.415366998109,0.236975710211,0.124420006959,0.735198329595,0.238071371678,0.746199109279,0.916338121632,0.169693935955,0.0373886358362,0.926024158561,0.270267721325,0.427091379191,0.530884152489,0.162499634824,0.902246946299,0.638052109103,0.688659094041,0.297192227146,0.880032228244,0.473685190608,0.140521102344,0.948736596215,0.7846514535,0.321241591808,0.721075292118,0.331782799912,0.523640215104,0.312097124342,0.452724945258,0.359659114968,0.946096732489,0.957167736286,0.125549704727,0.303719492406,0.692536339827,0.40551652817,0.873771319535,0.0896759214456,0.24262094383,0.503072749592,0.850782359216,0.462530773298,0.333805220016,0.459786577878,0.311491586299,0.271395305479,0.815951053673,0.341269387469,0.733147960241,0.914198180884,0.562431474933,0.934490730263,0.287678731498,0.177482751541,0.105279560229,0.565223738597,0.0756255049745,0.659243333485,0.960353996179,0.600500329189,0.322045823155,0.214888662708,0.241177159414,0.268080027235,0.64845751818,0.857796919894,0.0659133526638,0.26533803943,0.974616296817,0.980127506719,0.977064636521,0.148856076178,0.748473504793,0.693377529705,0.170801471431,0.388924671769,0.481822690988,0.231362441201,0.616769377865,0.483746449557,0.351869464343,0.735892655244,0.261783787738,0.892719693507,0.296871481863,0.521622602586,0.954584778735,0.724459620521,0.248147917798,0.796143378327,0.397890854792,0.252806590173,0.209757433356,0.483049057559,0.415574902827,0.782595145163,0.227238303218,0.924897099009,0.399873998373,0.727422009184,0.936920183744,0.457075524444,0.729201708964,0.0880649810442,0.956480430321,0.111277060594,0.712195353036,0.33082277897,0.589076204661,0.556849186046,0.896481167644,0.899684082884,0.829876970591,0.403572448586,0.53302293031,0.414756592964,0.948655788962,0.773958275558,0.238608433928,0.160946962745,0.447371359517,0.360119084739,0.476142234444,0.0923204754363,0.632533747483,0.0420522401049,0.225422476745,0.0837183818005,0.53720503647,0.303502138461,0.812109548228,0.823490597654,0.942793016725,0.233296004088,0.476283957749,0.863776168459,0.824655655742,0.500829763912,0.502071099748,0.317265399594,0.592353843623,0.852077106315,0.775255902187,0.00764017106947,0.28058778545,0.547508837175,0.933050271328,0.528129250069,0.618062810934,0.642880049891,0.121104966351,0.412553482357,0.964763082923,0.868184458718,0.05447385309,0.00201220921887,0.266596240011,0.369381312691,0.0388792292531,0.49744387698,0.197622646547,0.0562744213836,0.438773713369,0.423858717194,0.198703573467,0.130284673825,0.493758653606,0.394296533688,0.70325855815,0.81661032158,0.39607331755,0.150769092116,0.466142391309,0.89268419871,0.35176868119,0.354133051707,0.987805094056,0.0270891940142,0.754782997879,0.104216656295,0.892742178092,0.230561199175,0.481987888371,0.0840069807219,0.856204037607,0.956555497116,0.275719711011,0.135799541532,0.855228879907,0.363028266413,0.738582543153,0.0890038094732,0.0033630493816,0.648795607648,0.529870652713,0.644079508787,0.368036913542,0.939558444628,0.603514559537,0.92545645629,0.0711411411064,0.338232486558,0.278674748049,0.696141541252,0.296616539054,0.381583864094,0.943905391398,0.57246214961,0.957778671455,0.804689179066,0.802775111213,0.842177675659,0.0297495170044,0.561429851584,0.799267965784,0.808674438956,0.427053853807,0.0657799708132,0.150289564795,0.69636319424,0.335216013663,0.0715691868408,0.47725880024,0.678035324877,0.614069849156,0.523743750755,0.46910595449,0.624345751389,0.312365348791,0.544540991276,0.0427397056474,0.746055622671,0.402032674102,0.138399643548,0.737457468875,0.46837099972,0.322922882187,0.549273049438,0.283788669618,0.800283539906,0.748657158828,0.0922065623415,0.119185151108,0.73765615057,0.979476179668,0.150254320123,0.831433211476,0.65824969231,0.377911142283,0.940247565731,0.123276089066,0.549169613859,0.22032052127,0.758563656346,0.126119433304,0.523055526911,0.370657555358,0.258841342835,0.902052511866,0.459603215288,0.682245026565,0.797135983447,0.507280907441,0.6304248324,0.332894936196,0.872776013327,0.732091471962,0.0371439636233,0.297019555849,0.41984411265,0.520940581884,0.355251870591,0.552475252868,0.586726421696,0.150874207246,0.103179257321,0.745967973304,0.208443391213,0.212961723298,0.0844767220877,0.243298990836,0.311857921709,0.657936242829,0.858005839898,0.964086626805,0.0237818476315,0.315654746787,0.50256396252,0.545238353506,0.844600353233,0.810981094308,0.827939265046,0.355313918306,0.866305891043,0.870273407857,0.235514184453,0.703419324784,0.279603496365,0.272787791268,0.602720963121,0.532491581062,0.198303734262,0.747286248095,0.788304889959,0.712060692223,0.686791330259,0.800278854834,0.195225940599,0.811535617794,0.926899276052,0.0315856742798,0.44763230745,0.484464117124,0.0771095639802,0.875333885623,0.0212183428553,0.944603013154,0.224525259778,0.21319408693,0.77205269945,0.748438451773,0.954006907263,0.701587692821,0.445643333087,0.770609651653,0.935102724842,0.922285374055,0.4196376493,0.505391177951,0.265137698522,0.422115355376,0.925466968301,0.291634807214,0.225128176233,0.93833900619,0.918720415155,0.999769026739,0.760389589347,0.595206848106,0.257764828353,0.185845598513,0.664012793955,0.280713446879,0.616308135536,0.755861843648,0.411214840991,0.778863978188,0.690703386353,0.684806858551,0.171500275832,0.0855108346508,0.811064367728,0.435663328416,0.111523092139,0.338906126718,0.0291346565781,0.181723364498,0.402406809067,0.042197754422,0.607921745132,0.766945789889,0.192662192053,0.919408386663,0.794629079435,0.777756268771,0.445530385091,0.558338288935,0.930529642649,0.169657398146,0.498313638955,0.0396859206354,0.646467987553,0.456805238435 0.186098224489,0.546962032986,0.29791633571,0.91997249148,0.907911826698,0.240772446179,0.257875551123,0.441129936143,0.56702277388,0.0936958339554,0.274331593546,0.0658799359339,0.965136067851,0.389038644738,0.263393285992,0.947265078863,0.000670655757048,0.921184725917,0.222819081318,0.880184702934,0.65286995868,0.411558093963,0.141419626738,0.183740932467,0.839670158997,0.859439592645,0.655505079527,0.0990451144833,0.917436276581,0.154275994391,0.574500602775,0.578353563189,0.00768354801152,0.22631283728,0.722709360819,0.840665782065,0.130901208297,0.663204425426,0.711880045821,0.397653109991,0.0741486235234,0.909837823365,0.719536416774,0.516526135958,0.897549939696,0.151668344168,0.508363939774,0.621871738139,0.838411612891,0.95486082867,0.815994926765,0.0848739279056,0.307165083541,0.985837428616,0.380458287244,0.0378784028171,0.511859880324,0.820374849607,0.279187010436,0.70059656525,0.0884898348224,0.604817910479,0.0185222624358,0.204148859252,0.241393439323,0.361002772417,0.312287081868,0.424463677496,0.848602041127,0.90746129956,0.188692980142,0.993337658075,0.22070474309,0.605181719573,0.749287055164,0.0564338732342,0.453556642477,0.508570485714,0.284589995671,0.70519044281,0.869641180777,0.626322005013,0.588391184217,0.268864055204,0.707240529025,0.494646228561,0.0345272212385,0.0628774669409,0.354424421356,0.644001075391,0.476295769422,0.23035186377,0.870055692664,0.151498031045,0.297365821398,0.171069316357,0.542336039117,0.368296848875,0.526103046937,0.278391430753,0.367077356681,0.297349404415,0.640475147814,0.00619495991181,0.493702162821,0.268745339386,0.259406478733,0.787401662348,0.893584591233,0.260811543611,0.799875750192,0.290150832841,0.318111605967,0.853697878205,0.479500452075,0.296882281172,0.693745012902,0.630904183718,0.0903807645958,0.397394979822,0.219010650663,0.988846585767,0.209072587136,0.693200882419,0.167723765661,0.710002447037,0.551725588033,0.196765831217,0.620010078271,0.117405017174,0.429720735224,0.15287347033,0.215334342326,0.699980059894,0.404263949956,0.751916795547,0.804925302205,0.689928452716,0.232470232267,0.239825442767,0.0795155942018,0.101138077136,0.07819333967,0.722728942396,0.0009708195678,0.805455010806,0.187862304132,0.166525746636,0.0185974976446,0.788009393518,0.710371962005,0.291048392439,0.52758207675,0.570079368863,0.435068452955,0.730827243253,0.228008742658,0.238146897724,0.0252358600957,0.733673048827,0.298018974921,0.0185807404376,0.65509222833,0.369627010359,0.280599192898,0.507049718006,0.211345339085,0.704429003772,0.58676477738,0.572141725,0.781274451267,0.974952244561,0.793904305201,0.0485541967407,0.25686392248,0.53393118907,0.517583721263,0.378538664366,0.0166385351189,0.467509264924,0.152963716189,0.942619490068,0.673742123738,0.318165079043,0.246305826715,0.121719575887,0.983973525999,0.908115742575,0.293380076547,0.896258407247,0.740941667104,0.745357028441,0.932266341932,0.911752859919,0.211679080366,0.129636025956,0.675446423329,0.130844760474,0.115016596965,0.152877267762,0.624356357566,0.0787827820157,0.677371741597,0.190398804703,0.707839580681,0.42340225286,0.655670190239,0.553884174535,0.84224791984,0.523960574059,0.658006697769,0.885560230253,0.212755102734,0.681228467638,0.341393995789,0.307383533509,0.321712681034,0.235787837481,0.0293320741762,0.784614444817,0.617094832015,0.584855652141,0.830145651695,0.961707840278,0.139780867941,0.523741579876,0.301147647261,0.696213959405,0.134067479127,0.157480631167,0.370878288395,0.845987512639,0.435059706057,0.319871853698,0.390816767633,0.467546969019,0.402084580844,0.290843223481,0.867480851033,0.894854115903,0.552797433477,0.560457335154,0.201756547672,0.317460003618,0.0683957718875,0.127497340576,0.569107853747,0.92515571426,0.638553676178,0.71562786841,0.851799940279,0.865870168173,0.158915567825,0.475833504016,0.77115514221,0.769556013266,0.326228872937,0.982389477771,0.579783879607,0.73771284993,0.425341708119,0.304178261214,0.827709743646,0.240329276432,0.731009481448,0.790851168326,0.31855440022,0.297776518793,0.637673365383,0.333931248178,0.156955757615,0.67725426055,0.590110682301,0.81799582268,0.857939652728,0.323814207568,0.288089703839,0.927186905338,0.517183075407,0.418790925717,0.882658406558,0.260066349626,0.405484770136,0.517925616292,0.636109506481,0.18998447534,0.700796667591,0.546461370261,0.164213726775,0.0498226855174,0.810094186404,0.0543743785223,0.763428641319,0.90565569991,0.294944646694,0.128026491561,0.290477400806,0.656421387645,0.645973614405,0.191505426658,0.58787413601,0.569477390396,0.722727152287,0.521363586646,0.856846757125,0.96520807212,0.700795800585,0.708593795922,0.858928896303,0.152346117959,0.506962230536,0.604643873866,0.805678887301,0.489305108156,0.247047206475,0.577317915677,0.721707237845,0.388869089612,0.900255664453,0.0277653019567,0.57616565985,0.149101484831,0.809420813867,0.449127984193,0.361561630673,0.335006260635,0.0626767679754,0.412818813519,0.126365809229,0.210828631741,0.77183836566,0.144401688548,0.730696141118,0.913865179764,0.600444010406,0.216607364988,0.349071912082,0.760372832937,0.694583686205,0.51345571227,0.874945294364,0.0495885533557,0.297910954966,0.861554701421,0.744634570554,0.0042730274788,0.87679610258,0.508448005102,0.905137392512,0.895572016088,0.76712168926,0.69935712508,0.803879926251,0.374732929285,0.110829651657,0.448391135818,0.402870582514,0.851600972581,0.781660686813,0.192561247303,0.546580722966,0.416886469067,0.967839827911,0.517716819502,0.374620449889,0.661192139053,0.72631924174,0.963344858136,0.0429518971615,0.458415360621,0.179725458427,0.159926506778,0.387943252955,0.78748579978,0.400027292345,0.0408540399314,0.770180888469,0.188655418943,0.831080837567,0.121163993545,0.862860508228,0.190522093448,0.540372659778,0.761997570005,0.896841832078,0.453437448672,0.787791399088,0.550881258578,0.805571623985,0.516516066264,0.989762935592,0.192430589292,0.517307589554,0.572416588447,0.0179884326569,0.417141009528,0.859530144017,0.421402051767,0.691340807272,0.242363772695,0.765463766375,0.25812517972,0.671138637768,0.377196347806,0.44937498784,0.772963914316,0.76157190965,0.153588975883,0.0152846228396,0.929946346536,0.134190523689,0.669721758789,0.45413076642,0.467411611566,0.552912890945,0.225590085207,0.687127959685,0.746884299039,0.992574789655,0.342106123858,0.15998157748,0.868676028691,0.548670536265,0.0651160292495,0.744279524129,0.0131865078894,0.552932756795,0.560905148918,0.291067534231,0.456976631237,0.353169121873,0.87367968361,0.975230993787,0.78672990985,0.567868878788,0.313632838522,0.128180648139,0.58311438029,0.424498154556,0.949859070448,0.913073695653,0.635870778216,0.151556633862,0.484213984072,0.83847413485,0.306471759556,0.669246966991,0.246462853286,0.355540862366,0.612824670743,0.137404748984,0.508018583443,0.772819867767,0.845693625571,0.584331194404,0.729532906991,0.850421680045,0.464881385795,0.636316061637,0.942636616642,0.375194769322,0.704587065246,0.404713116055,0.155128413788,0.760134664997,0.37876052819,0.58087710751,0.0753256431425,0.113680607365,0.260612487874,0.796022267805,0.875490633259,0.429932066505,0.131538283617,0.42948889861,0.252949066456,0.727838895984,0.780593137938,0.152921888252,0.15642468878,0.279655622287,0.0437132574242,0.352921704558,0.386285246936,0.0524950634798,0.674648579274,0.131241222284,0.136993573049,0.681808273673,0.706754379981,0.204562548452,0.857321484867,0.438552601806,0.256811212598,0.236373727362,0.861932424562,0.0672372728309,0.405294055887,0.91384501909,0.553132029573,0.946217651322,0.633745814971,0.902148878005,0.560411766496,0.539920207578,0.481759398219,0.281044373903,0.774573177211,0.788873152707,0.128694702474,0.00358987955018,0.410717965282,0.0580589143838,0.906971945844,0.196017479389,0.919905798372,0.769153175772,0.499269800617,0.25005287352,0.903348866397,0.121938057058,0.392746057001,0.163857431573,0.675213975166,0.149389610183,0.0389941161148,0.781921710303,0.569359784325,0.854516044079,0.71659951726,0.306107102661,0.777160387758,0.903412951453,0.378301165463,0.591720670434,0.0323795631599,0.630047565473,0.652574401911,0.275524338777,0.514838938072,0.745759894475,0.82846866011,0.935379627949,0.375711804942,0.997527227238,0.785298627032,0.654553044895,0.364529408329,0.635615501255,0.472041412738,0.996651229716,0.335825577576,0.488484327777,0.121450354165,0.53703885013,0.502070198395,0.519260619345,0.562686593916,0.0502787970942,0.09336414525,0.585535558657,0.808387032869,0.972200337839,0.484091353556,0.456476462923,0.251455320278,0.0363664251277,0.0677519451565,0.560386759481,0.525128917374,0.0411744646986,0.467299011673,0.998255680637,0.848108463082,0.465889847206,0.804116097892,0.0589128087972,0.450351735811,0.764233369542,0.319167032307,0.127430121746,0.330666716768,0.0500103328732,0.485915782932,0.953780004958,0.0879913965086,0.690554571928,0.278213856607,0.73047608601,0.746223546547,0.486792320005,0.904881401418,0.963443197217,0.182073881926,0.943098197129,0.923573070489,0.345209197933,0.879073201326,0.370657697175,0.789871384326,0.622873908996,0.218125111455,0.345153528977,0.276614647804,0.104080862226,0.685080946813,0.632485066828,0.580253562626,0.49597165472,0.301849016282,0.949312488105,0.323941558428,0.845839061847,0.152048633795,0.399520210099,0.286196138918,0.805519221851,0.999538446524,0.548593007521,0.488922590759,0.41129821668,0.171801171614,0.567332131053,0.74357957016,0.175418211149,0.535873396394,0.202667390517,0.0539617564832,0.274470899596,0.957804816625,0.333924844661,0.540497326999,0.840082975255,0.222900209808,0.414779609092,0.144987482674,0.238820850225,0.527696100164,0.953095182018,0.385807385709,0.624573519004,0.681561568378,0.073954667063,0.495977876918,0.168171084127,0.474359456424,0.523137597251,0.0715167098782,0.371122581486,0.756301792661,0.29731361087,0.518787960894,0.331494735155,0.420130722389,0.508305508112,0.288258029195,0.987288444451,0.622916751123,0.310301410946,0.717328523724,0.460955988288,0.844161881559,0.28960541467,0.101134514017,0.93376508093,0.0360504739709,0.424129606466,0.722219334008,0.317690205645,0.825913777859,0.0506451823936,0.154804511945,0.343769991647,0.213412242928,0.0128743426777,0.538255453413,0.612612471245,0.0620353996091,0.571000848322,0.292109887864,0.253148542178,0.184722456525,0.535475132347,0.99834699722,0.315920746378,0.462528814957,0.969702084479,0.959912589467,0.727209552306,0.314777381512,0.981753462608,0.868667835931,0.531727448776,0.613556663608,0.405083655976,0.42797661661,0.684676248659,0.0574717236772,0.48188883484,0.905611338692,0.16248764298,0.57639995141,0.199600767556,0.925579982304,0.798642193683,0.991530970052,0.5333228311,0.992585350536,0.438909197641,0.229457598842,0.611320947406,0.877098921876,0.996742908704,0.887909959978,0.571298733684,0.399318660266,0.976165288017,0.881260008652,0.424503944635,0.350040467697,0.41473787338,0.744662720097,0.346692065985,0.488517831063,0.0733659506998,0.943656249515,0.667392488662,0.50259408778,0.798362518342,0.52332572366,0.178174848015,0.553925248728,0.576725976035,0.34126915139,0.50343641978,0.706699365834,0.611067871584,0.570579866104,0.670602802076,0.161136368303,0.530894116092,0.451186119846,0.819721890108,0.125301744731,0.00819228232478,0.480489680332,0.851096958192,0.424429708899,0.687966480718,0.273593019113,0.683328599412,0.804907559259,0.0966723042807,0.336142882549,0.24276886944,0.991693467103,0.410077029634,0.17729011951,0.907936293857,0.270150195737,0.4517291756,0.930969306576,0.930147870784,0.993477950597,0.783193106024,0.607772004616,0.743362819251,0.429916475787,0.291064409326,0.939935832419,0.696224842431,0.722092070484,0.629648507958,0.0918061119776,0.290295096393,0.43022420139,0.878580208795,0.210015181102,0.654485200633,0.344699330454,0.734980828703,0.481276512255,0.0253170576437,0.202866393477,0.776448569301,0.698081205078,0.243526567131,0.462026335958,0.0200313992764,0.755110316893,0.943449004714,0.878830623436,0.846194920108,0.559697937998,0.513352410991,0.679578544518,0.512277025439,0.936622327192,0.655329995919,0.138630160095,0.271846347279,0.316071120055,0.684752867301,0.976718814999,0.621189896378,0.724826870033,0.203974603354,0.973008805878,0.91393185681,0.413457376199,0.193484646254,0.568486575452,0.361557510395,0.367405584773,0.995502475098,0.293374951101,0.834022292433,0.474816970683,0.609426989058,0.491283712299,0.245757354948,0.723923011142,0.617979353972,0.862647997019,0.422238216133,0.282484972571,0.972846107744,0.461875028183,0.521125403646,0.821644813826,0.947716438961,0.128725542396,0.418588432448,0.993657200846,0.988372418414,0.876446191987,0.90716423495,0.916298007049,0.726338149348,0.807369234416,0.952125285915,0.739666264024,0.992737705884,0.473893353726,0.893532367159,0.418833528941,0.994048102745,0.0264122361733,0.115506465529,0.993841541509,0.131817388909,0.700870806417,0.692432609373,0.485757903623,0.951297670985,0.49863254789,0.660326456452,0.986237607609,0.27419480442,0.174984077342,0.772742415859,0.243777482687,0.884319904023,0.150181022966,0.955369919168,0.531991268985,0.942919336752,0.781015074899,0.388932262407,0.417388038006,0.13168590545,0.288517011616,0.391315906617,0.446381577794,0.780924565233,0.220112742292,0.830599426683,0.477355134346,0.984167669991,0.07663312486,0.0128762496728,0.729808748926,0.268699261325,0.451536174317,0.783147186043,0.0686538618589,0.988861792969,0.322092293251,0.872862471419,0.406034954284,0.960232888981,0.0172602221035,0.743923835831,0.0435268612887,0.559482193113,0.568692543168,0.386382858432,0.243998505742,0.420232140115,0.364388654465,0.108446922625,0.49642087339,0.914821002618,0.0277286557113,0.851738400901,0.776704928464,0.147248532159,0.945582161672,0.584594058651,0.954077783315,0.722439304302,0.298504184872,0.857234794179,0.0405136760397,0.660775371546,0.990808622377,0.107349758575,0.330644302373,0.414991561863,0.58800814868,0.74041495118,0.966882138329,0.98823324603,0.778763747898,0.133024560704,0.884233124797,0.108429039689,0.285539026479,0.481569855953,0.945826045966,0.28342718574,0.904932322019,0.335876595332,0.0978431257942,0.0423287198939,0.189811176337,0.0930960795746,0.588838009656,0.749501741127,0.636847123367,0.895339544348,0.355523766706,0.553740744896,0.697209115582,0.240696842124,0.360885881278,0.13757726679,0.751724049657,0.840615712279,0.184321910945,0.948791078922,0.394365517125,0.802105018364,0.792345806224,0.179230071575,0.447832223266,0.898531548623,0.734303068606,0.0417530996499,0.836043344761,0.854605443078,0.372598444811,0.0505596294595,0.802897173644,0.502689008908,0.554799557386,0.0058114693806,0.188354813099,0.297309496674,0.316063389,0.761532491474,0.914040308403,0.0412979915019,0.817244325798,0.920701328697,0.751831625581,0.49607392009,0.845760397904,0.480841768088,0.623654276718,0.0894678248533,0.51992503766,0.456036170975,0.640232311838,0.699837822261,0.33950771891,0.288021330734,0.606319287877,0.0764901208076,0.201081681448,0.568297777526,0.775111726636,0.188731421566,0.877652107755,0.588123344688,0.951204019769,0.567306919254,0.00100678425738,0.297725230601,0.72718233292 0.931715037553,0.434306056,0.0246729550421,0.146873228297,0.209687986045,0.439395648912,0.203486796795,0.533430758622,0.935122650559,0.975097750896,0.183287105477,0.338809223138,0.41789831453,0.430012249965,0.52366298429,0.0341549155249,0.787776090511,0.27848188987,0.903539089039,0.112605185408,0.544496276273,0.059233035527,0.817808481042,0.818457248701,0.757805344783,0.0934670415559,0.841971799509,0.26381984249,0.884253553319,0.365461053074,0.595286840565,0.648665161804,0.634866412597,0.285560772917,0.801471822355,0.169249711196,0.569332253297,0.818129312893,0.423708460174,0.390606459697,0.557293238198,0.367116123526,0.920043964708,0.605790433383,0.518507618918,0.585019057267,0.247473950273,0.367819806974,0.106327827036,0.226452240244,0.00523106885763,0.639634146111,0.066529848671,0.614172841295,0.418764965464,0.938874023897,0.226134001901,0.520682917734,0.504040587451,0.762145345701,0.459046408678,0.0327463265636,0.328125605434,0.789303778425,0.132690384397,0.0201085066183,0.115039011046,0.774064538141,0.956134588998,0.0958501446377,0.78410165383,0.515800292426,0.993368655873,0.373249039028,0.377691442838,0.946473480003,0.281544679042,0.504286263279,0.383818440548,0.617180688826,0.828710936236,0.225413597088,0.11844924752,0.696626131502,0.901579457086,0.223216371351,0.835976522852,0.54339555002,0.75190956068,0.828016914765,0.794188315222,0.674578689458,0.0153124347562,0.0186103906252,0.52520365355,0.157599656908,0.245781303728,0.179669036315,0.329141612577,0.0417874224747,0.126197518335,0.387895751866,0.643383702391,0.275164029848,0.57342591781,0.32936233349,0.606638196054,0.175473638177,0.82197765975,0.919055540797,0.962669895759,0.043299649331,0.221160453926,0.701519532726,0.274704795096,0.00297772867944,0.138502165546,0.199173784242,0.891813480516,0.104228260468,0.98623552,0.659308216102,0.854450818055,0.112178143445,0.13566808445,0.123159412008,0.186023443059,0.841450666087,0.176140493463,0.429391001533,0.253135788626,0.0117672632731,0.739598441803,0.37910335831,0.898737801687,0.889454944139,0.426160336064,0.145924538857,0.546673170403,0.587684167897,0.620651626986,0.762328147453,0.371915032614,0.148370598703,0.0480351512033,0.775050600106,0.115705011515,0.457475430156,0.992563864529,0.183028906809,0.850284546846,0.588197040326,0.406062780029,0.536186543829,0.61192452,0.476921354189,0.967699903853,0.54093065258,0.268745281111,0.791910691866,0.232249054856,0.613708636739,0.614622656982,0.728037225292,0.22068863479,0.1796764144,0.53677942727,0.294860868379,0.773590554132,0.483932328627,0.0592410235482,0.863583726097,0.107467485288,0.604101755317,0.646653255976,0.0175772188949,0.74821930529,0.433211890381,0.0392435858866,0.837979869916,0.806100680023,0.858755894079,0.945965189703,0.380351721402,0.347710073889,0.745384209238,0.74736784678,0.0987868138856,0.5477471176,0.507028333032,0.0878876605672,0.419973991356,0.167675280411,0.593104515566,0.837345719523,0.38430614175,0.319647029251,0.332767933294,0.13003664815,0.224905074295,0.358615727122,0.599927958163,0.192640866214,0.104469651527,0.544797066652,0.754534130413,0.123329975264,0.250154459639,0.812924841796,0.5317537406,0.53305762732,0.47643289309,0.327273452777,0.0775583631592,0.0354763444087,0.136366088129,0.761008364026,0.904327338441,0.153662247785,0.669175637201,0.93208543655,0.40387734451,0.416641324484,0.449686207064,0.880859040552,0.756237347173,0.864888976832,0.367930375936,0.861012703456,0.511403967446,0.84401934084,0.875464972728,0.613552089543,0.602024416435,0.140561864805,0.275824231355,0.208920116158,0.339403691256,0.0241062186954,0.267624885992,0.712851648406,0.0600322610084,0.397091236148,0.634815873828,0.707878892443,0.144816715458,0.508600230286,0.745322474392,0.401889957042,0.604606629604,0.048271452076,0.0206088181462,0.498244199436,0.804294736696,0.879210025886,0.69234386732,0.362848723083,0.67774121178,0.0581203657032,0.866333454694,0.772124864189,0.891838265363,0.984271141838,0.112512200715,0.223121138233,0.0716928778999,0.43985416821,0.745317058055,0.791733890648,0.821759406723,0.679603708185,0.392824266062,0.0130831367582,0.848870945554,0.537485262404,0.528797278983,0.865523179909,0.990905608536,0.732877855377,0.298379950233,0.649623697471,0.75470044977,0.318211807808,0.810829932848,0.480129896293,0.217353226629,0.320954659961,0.991510556729,0.517618360282,0.380780662092,0.682301411486,0.564413682438,0.842774229222,0.234827325674,0.0255206568051,0.929210743801,0.561385480818,0.0492998569663,0.233936443408,0.862652278168,0.0870455847938,0.905992339185,0.207847278947,0.737131842642,0.536234355498,0.564835886165,0.434657943516,0.940716104858,0.441030851169,0.726601339232,0.494277412934,0.526078199882,0.181348513337,0.839734033177,0.756624521482,0.656454195636,0.95733465599,0.514973923591,0.762174073965,0.741880913611,0.930559960787,0.453246525932,0.898082814571,0.413279590575,0.179610164124,0.932098167765,0.418291084376,0.416234589642,0.187482499001,0.860952765026,0.91152432667,0.196598927757,0.916841975604,0.681196665238,0.378918414372,0.485750721055,0.529583626432,0.337097024258,0.483160629762,0.358132031669,0.61617049509,0.159478849026,0.328076135217,0.414024831333,0.809486170011,0.358790984027,0.524432213818,0.0343635120102,0.480592101037,0.109825948627,0.605907608929,0.231139878122,0.320256507573,0.893417400235,0.399320042164,0.76829465212,0.601727460819,0.223372069189,0.48271341186,0.10782623958,0.762430614516,0.0163881011987,0.961596163911,0.675765352198,0.165996493745,0.444168829737,0.0896438797532,0.767344226228,0.842618079046,0.890437561623,0.273895409755,0.727312751124,0.749692711621,0.546228319093,0.396396285342,0.980695234871,0.596188561934,0.0465723925718,0.2729010287,0.195500308088,0.382744995202,0.0207307272263,0.521006833972,0.825818754436,0.262899548202,0.683081727073,0.626237484321,0.123959213567,0.10666468122,0.55998384894,0.427205905051,0.953533549439,0.992719967082,0.799453440416,0.211549202394,0.401304058596,0.85472964662,0.00928767231699,0.413798629016,0.56344061708,0.0986881989618,0.621109782917,0.158194740411,0.435589949434,0.306556521109,0.960766789226,0.373536039417,0.913250071905,0.568883743682,0.0770555692249,0.126728033294,0.316707046543,0.0238931770495,0.708420473402,0.338267683136,0.777758315096,0.743793361087,0.905153045866,0.209862831968,0.603648780412,0.884935748685,0.517512498327,0.506004809343,0.835568718105,0.875609211371,0.789267328497,0.910874094498,0.536998201664,0.94774046727,0.0600669157145,0.26085630378,0.725288206211,0.0940630517813,0.724454635322,0.2855263802,0.263376179774,0.890489414145,0.56209187872,0.747773345574,0.591103419327,0.339518732681,0.636263643254,0.634077290473,0.396493928857,0.758146045417,0.800215383364,0.972094309785,0.179481567231,0.646643996496,0.515616707032,0.756356268474,0.359416292477,0.459860516365,0.993978936076,0.365493101583,0.967925452798,0.9943601749,0.589998811699,0.787134826484,0.821024088029,0.117662512436,0.360592442824,0.470537444296,0.714652329119,0.95546623713,0.510897362933,0.83705154335,0.989235509872,0.805636691814,0.291971723429,0.741839398689,0.981422734923,0.040372982813,0.932572102333,0.384711631368,0.597765152209,0.644259876218,0.67752461444,0.148855915773,0.536301203363,0.554868105553,0.69529229105,0.915544799992,0.501984538994,0.999648126006,0.361906678619,0.836332902427,0.528856033529,0.886705386641,0.528733971444,0.935406591013,0.0920279559996,0.766781483765,0.141928310584,0.13397212341,0.421168472823,0.175392233017,0.589108249999,0.550498746796,0.784841319144,0.0631587993289,0.0691182768898,0.913404042218,0.580434079441,0.0488655754162,0.621800821914,0.0174018034831,0.97762606515,0.490231461,0.463393142878,0.581535848546,0.677903434647,0.672031161409,0.672353511059,0.723570235167,0.637612195541,0.557612674517,0.0297424423335,0.932020066507,0.96886696224,0.0512508895509,0.121681430929,0.264344552337,0.0487606868968,0.122978615339,0.980986983558,0.630898886083,0.662782779458,0.78063447767,0.405186464735,0.0844847786685,0.917727027966,0.759860743353,0.257061909241,0.470993986434,0.117709928849,0.611605894063,0.0240224038437,0.184025952958,0.262150083985,0.807155690807,0.211203096547,0.10365370507,0.201456776924,0.13601491272,0.494520340466,0.658230510583,0.310153884635,0.0567568943281,0.123324568448,0.597581167502,0.591893429559,0.624564674351,0.815317500059,0.823185128017,0.518795756738,0.0847609005568,0.673359531006,0.231381294362,0.18287020616,0.029766348424,0.973211081712,0.422225365978,0.668604582842,0.149167541032,0.709058899837,0.283896691568,0.96854729314,0.522960263789,0.736308649387,0.286201850285,0.728888451087,0.655930107529,0.0056129199986,0.419305443378,0.791425552281,0.0586536451622,0.0507872601669,0.114508340938,0.0778361400426,0.139024733133,0.305663984754,0.0918244057978,0.345838740573,0.99573637259,0.565180415687,0.647781797568,0.461492908292,0.473839623429,0.606406073767,0.931551164521,0.470501830544,0.931437489591,0.473008173969,0.416495959995,0.705118497099,0.0669067520133,0.691529257571,0.79678358869,0.932277561579,0.334937858705,0.207640125252,0.881332589523,0.669292839563,0.0709080677503,0.501946890688,0.160956657275,0.382296747486,0.708829810106,0.503391929529,0.443867641433,0.224785487777,0.0682208425329,0.408512734517,0.967836731486,0.165212075936,0.232180382234,0.631046374314,0.66837621873,0.86308432884,0.849051071589,0.114526007663,0.8119649607,0.262741758792,0.349698477873,0.0077974825429,0.986647474179,0.867085371532,0.192397550995,0.748149490396,0.725323472325,0.803284142244,0.0980562950938,0.70314544401,0.187205952418,0.0952703423264,0.212466496412,0.880759169965,0.247115619304,0.961392263154,0.0862817126681,0.897149545881,0.359400987628,0.622626632129,0.473724371055,0.140527959396,0.249250222976,0.377665238229,0.466760564537,0.566971845087,0.964369047626,0.161266451885,0.491885408055,0.932212125372,0.307757984099,0.890666612583,0.971206971505,0.775948605861,0.716366580999,0.609261007112,0.160123753818,0.201501672053,0.681717282524,0.466184130517,0.500343744503,0.0304473761452,0.0887090756611,0.142582339231,0.8345279443,0.0117276883209,0.568532215289,0.655243634366,0.412226370489,0.667431593845,0.731180823601,0.116052596568,0.0489626606488,0.0460836587728,0.834645514369,0.875555051179,0.51876024611,0.545866851914,0.701787632492,0.0414218364989,0.488121809751,0.288304756623,0.626966023782,0.0327811896681,0.790047631898,0.752080790426,0.72227388393,0.217419357113,0.0900182915435,0.58413940552,0.743465656254,0.783830797726,0.46746781814,0.229741256524,0.525673571213,0.13780197353,0.997355071254,0.100963813552,0.138026312621,0.103492909071,0.200563291467,0.436734055459,0.663444658501,0.32230514505,0.624390221622,0.602165990206,0.688586017897,0.0804303216328,0.110509481047,0.777119531139,0.668557038662,0.221805865818,0.906297901388,0.598887885955,0.886700030323,0.74386532675,0.937502772181,0.402466569546,0.806917457006,0.220562003859,0.527191629844,0.986138718372,0.669636327116,0.382075860708,0.188760862947,0.23288809173,0.824755538488,0.792512275705,0.334163495903,0.163025113947,0.373168211813,0.638611872173,0.985930243017,0.457834463621,0.297426601722,0.521547186882,0.0415376293729,0.901280150719,0.0356571236229,0.120323174088,0.941406706888,0.122836853259,0.246736705463,0.911268251007,0.541621359395,0.337846563535,0.959998395221,0.721826224599,0.10435300906,0.518728257354,0.218835178983,0.002488370539,0.0999051488101,0.155145714758,0.210430511533,0.855076735236,0.456525704899,0.731839214357,0.952472955452,0.729762020576,0.0743063375999,0.750645947118,0.321482756388,0.664158696117,0.0922102916764,0.961845441156,0.149570209592,0.946465798254,0.769525969266,0.288225596598,0.300402761069,0.0530766449555,0.831274739403,0.01323695247,0.629805366373,0.424565832244,0.833911282525,0.467745374617,0.81751468745,0.978445468453,0.601315894372,0.721077671442,0.320612225334,0.568499376847,0.361597522765,0.274580721134,0.628879280889,0.464883387205,0.751896398215,0.653088916718,0.91760690435,0.00497311996657,0.754572076374,0.0791530109295,0.275026512091,0.468024409337,0.359080134626,0.170786539245,0.553213290041,0.0410694004562,0.13621082754,0.774233689201,0.347678392642,0.419051936312,0.520481890405,0.538729253255,0.944253633599,0.0920438405506,0.50203484004,0.760665235552,0.0576616233561,0.587536270971,0.243464724044,0.161973343217,0.25667169018,0.686930474942,0.0845652491747,0.402648795235,0.988379838891,0.192615702898,0.0118884557964,0.550799104166,0.24819853127,0.506114297254,0.607801214665,0.352235510565,0.703240227513,0.533477865029,0.409185977576,0.0336067137355,0.94833753094,0.00331694422034,0.343636660955,0.606701329638,0.517667544069,0.805870977981,0.612507217397,0.893964863751,0.482856864894,0.236849271823,0.946262255151,0.63567202976,0.033303147224,0.769394498749,0.876152506857,0.579169937542,0.940925861117,0.715159812394,0.0307592472753,0.941979030372,0.582324996099,0.304047856368,0.0407303711375,0.979357386597,0.374751977856,0.973734916031,0.914514134145,0.54994509437,0.604619303818,0.785795053125,0.580878920383,0.366542867725,0.927711783977,0.212022868932,0.998569257116,0.499054973588,0.293354149565,0.422707275037,0.518388782499,0.852562267557,0.749972749447,0.904820496285,0.112608106304,0.0852687961534,0.56397901128,0.136688726244,0.0471458539978,0.0209665049121,0.0588696633399,0.141862566045,0.76256790122,0.639080658443,0.20431251413,0.388008421608,0.52471509657,0.247378938758,0.713058367701,0.458816341444,0.581224547983,0.0108733068288,0.986418785055,0.749905066781,0.523999238102,0.454655268114,0.935296502521,0.472793733866,0.058795970823,0.500667584399,0.168928441678,0.0409796165899,0.780670823198,0.666852592146,0.145061465215,0.0348912543219,0.564382687804,0.0389323817767,0.850784361831,0.973542462884,0.980744391713,0.738831646456,0.8653474301,0.555337177103,0.39435993902,0.764610507056,0.982567809459,0.627046922068,0.88251997697,0.772286764818,0.224273324352,0.980846371578,0.303776925606,0.834642158156,0.122216268815,0.865518121807,0.586539214328,0.639693162928,0.48596031948,0.420250717493,0.493918829952,0.989748152204,0.72499770734,0.496754291076,0.42241794751,0.361763443488,0.595004106567,0.115164000836,0.00973835154504,0.290532775116,0.183859359949,0.473571980704,0.785188413798,0.0482305900229,0.359175214351,0.538105522926,0.637059600187,0.11393918833,0.238872926708,0.879604227039,0.873860112749,0.0960172631138,0.262458378341,0.713509234759,0.202124735871,0.878795825387,0.650045018179,0.0143590308808,0.247545861374,0.00747945398335,0.226269308852,0.0726360178147,0.380008867787,0.854678509439,0.581930571454,0.722236884964,0.307835282686,0.808702955,0.118696752942,0.83971110848,0.0995264544769,0.692293929006,0.226450247329,0.911710775928,0.645678427098,0.540542701008,0.552864067874,0.0307743108203,0.669640613207,0.342006695387,0.160613660928,0.252648520403,0.487449117837,0.491662197988,0.726984244507,0.279886760489,0.668953230938,0.952895337878,0.901520302783,0.0156708181311,0.18324783765,0.509823726711,0.742569486037,0.753113157206,0.967093712409,0.859117120316,0.422856336349,0.729710155314 0.0409873914697,0.0558981469079,0.635467329532,0.7887655862,0.702961063115,0.407217605222,0.000760217186998,0.0856002961191,0.24103374197,0.85966351138,0.0241253400194,0.818915505319,0.384214240879,0.86723059322,0.405686219654,0.946637441366,0.484611676855,0.511205845212,0.898381723882,0.503668277546,0.556702023724,0.343155750063,0.131550936631,0.121410789821,0.625080100975,0.888683811672,0.518128003209,0.14521799562,0.935912251134,0.953754182154,0.440530892546,0.0349276409035,0.819177673014,0.499996055076,0.431450708039,0.990110233872,0.85048940542,0.84579104858,0.309418329505,0.13922880899,0.170729427199,0.933653631509,0.411570141551,0.91258085317,0.794465020545,0.691582775383,0.731934674606,0.28538972952,0.754958369804,0.388262750227,0.0812777267102,0.705545399967,0.493294454479,0.431939624659,0.824722217527,0.449593264322,0.385822442893,0.635125604797,0.562090456095,0.852355484596,0.51225079926,0.260656048274,0.232831565539,0.601102612893,0.87697715232,0.820212306237,0.286389539544,0.355943808496,0.748252347406,0.493461590294,0.227289199331,0.232763109502,0.801372111003,0.886854289585,0.708613199018,0.746756572186,0.326397632402,0.962064643205,0.771273354422,0.543195135357,0.296686157585,0.742018894716,0.936080052981,0.761576483521,0.266919121881,0.0945851586857,0.526049601528,0.849705785945,0.520889839687,0.591858587366,0.377382437442,0.2138657536,0.633180934129,0.83166880109,0.0543957537447,0.583655259205,0.549100166924,0.926768489817,0.998086201214,0.21758303725,0.88647675034,0.374160091204,0.975951954793,0.803758670758,0.456527829902,0.983568839551,0.931904320613,0.924719460493,0.848211437666,0.804552235921,0.45371643912,0.503886478123,0.749258184103,0.493218650709,0.382675281383,0.419926027317,0.033850610001,0.955986353889,0.622799935707,0.623559533008,0.987743443517,0.0212529195738,0.581649732026,0.835567013081,0.0955314279288,0.760005174236,0.969100757563,0.192551394918,0.44359936445,0.673435233993,0.112733846198,0.665158626523,0.905163939446,0.266547826475,0.86180387278,0.370463590077,0.773006447917,0.799418671744,0.213866260186,0.40314029242,0.922923411938,0.958044988762,0.677592567959,0.0519653088695,0.623214203814,0.296231704537,0.332433955894,0.983393976369,0.697665565763,0.9606903851,0.838838983927,0.91151253387,0.792944169303,0.396277114898,0.0429015836263,0.767305668254,0.665980871456,0.774037624945,0.766495119906,0.317680304143,0.778544098951,0.676947007158,0.204191539991,0.759156548793,0.821267848044,0.799006299962,0.433111439446,0.768784286055,0.636800628406,0.358308957597,0.110738970766,0.1286136396,0.419685483886,0.0504005313732,0.206164092158,0.886554717312,0.830388178546,0.733708540393,0.410693692554,0.133928641145,0.810091623638,0.675625791137,0.911034070702,0.695819429886,0.00472176361844,0.986674194694,0.439742473572,0.50226668385,0.273857161111,0.358463947338,0.761055546675,0.274038562849,0.680814120632,0.367298573204,0.39495480171,0.0640659956361,0.394261484233,0.243032196048,0.0301379027566,0.567566160923,0.474046693886,0.840630058761,0.0723249876737,0.943429758436,0.887792961673,0.563256785974,0.929455719488,0.282386587203,0.163606160955,0.831429316289,0.632585064289,0.732203419914,0.13356465342,0.505698813432,0.117376579278,0.696549501086,0.162774587146,0.940647356497,0.476723281068,0.450363343905,0.0485808883728,0.627786466816,0.966578137772,0.859560548266,0.442920869629,0.381218772734,0.27320821918,0.150320921727,0.751275809261,0.497990791814,0.647292373945,0.759893435926,0.0197097397322,0.0936698263679,0.154846522477,0.254262343068,0.296150617358,0.0371786457322,0.364842726601,0.605169505143,0.754215704054,0.593000560568,0.721278908398,0.1125645269,0.237403472474,0.306253635935,0.432595588541,0.2173003827,0.267827201093,0.731868586631,0.407034357618,0.84809860207,0.567439305323,0.787664282744,0.0221813534608,0.447862438869,0.13125469861,0.627317530201,0.816580856196,0.452888709223,0.399554902597,0.356560080834,0.0686476047152,0.018024952144,0.83671326046,0.888940155624,0.769871661385,0.995951111603,0.801848587942,0.269040591315,0.196789138671,0.875774267589,0.364231042428,0.176718252499,0.374098520218,0.837724126976,0.247495414101,0.629511091252,0.622457410826,0.344326027734,0.875397394766,0.530990120849,0.623966545055,0.905405899631,0.384933081856,0.375843557732,0.11948389384,0.880894006524,0.552413352362,0.0181893070892,0.240431180209,0.418394111723,0.475361353845,0.98443381583,0.16019576001,0.575704822816,0.818328234827,0.216606888775,0.599451778226,0.711257892032,0.314652144971,0.902872648707,0.148103181692,0.463642767714,0.648522881168,0.60967163301,0.937875413448,0.0569851953857,0.60432484511,0.868409990888,0.625705896525,0.229255495686,0.886621548176,0.617224714012,0.0761030647417,0.523168992947,0.605668340573,0.441826885672,0.787506963375,0.16961570348,0.770720488243,0.305255756839,0.267014644382,0.237111157318,0.0835319003615,0.871939671485,0.36366654933,0.985567958053,0.0632878784729,0.241667950608,0.687233461933,0.362566433807,0.127869002078,0.108326824642,0.922858794006,0.479906034672,0.911946971975,0.823566500349,0.790764673968,0.178494191498,0.978094525425,0.430805052449,0.517978621565,0.520267552556,0.0452339007114,0.291209706027,0.677504685691,0.674095738943,0.107547804041,0.94994128072,0.612382999491,0.0970473922977,0.50820193491,0.426240133312,0.632529651786,0.749969269811,0.460920336053,0.721554270825,0.654705737352,0.28118837091,0.921948714123,0.903777375781,0.90309414078,0.637928381574,0.19646967322,0.0733025376825,0.308351503864,0.456970232283,0.0550093141784,0.324881114718,0.80189489411,0.779332841552,0.152655775111,0.98790046482,0.931904400794,0.672287701103,0.393549760773,0.201276314458,0.473561708967,0.354985595506,0.676733225252,0.109154827682,0.131636066617,0.18976505739,0.958596619976,0.970729452263,0.351930200464,0.810528841209,0.414184114673,0.962299338289,0.0212959990312,0.794619586021,0.233729684926,0.569265655127,0.0883743537365,0.449459303898,0.904643102971,0.0483400566313,0.322128301996,0.467179048769,0.794703499922,0.925804375514,0.455218663107,0.107302558934,0.652186095159,0.0419215246112,0.663416221183,0.952085968615,0.303831298119,0.421287719969,0.99614830963,0.212262657784,0.418790850849,0.986446553627,0.876784912252,0.0559395154795,0.56253625908,0.752723118347,0.573558767394,0.894010783586,0.362268781095,0.125505253605,0.0902636033097,0.382248639738,0.296440159145,0.399684056994,0.387647953372,0.46973122711,0.494644823633,0.020709233153,0.726114841694,0.304994218146,0.239675768806,0.747321511,0.0148223893482,0.749475896214,0.475175029965,0.000790635748539,0.339957460261,0.104902646773,0.902249253861,0.862389226562,0.600798666885,0.98371492977,0.153016755788,0.13934904238,0.722616028649,0.995910973735,0.671878568466,0.267006966043,0.785667501932,0.0967289067886,0.0032505296756,0.75798611384,0.0358038267963,0.563355170556,0.613945976594,0.0980900720321,0.298820500816,0.143755070149,0.893735015315,0.297820671327,0.459129053135,0.323528296088,0.266208068877,0.0590006698741,0.757374838695,0.0714265934477,0.0714560432414,0.930288693086,0.453620146546,0.275247711721,0.990191489568,0.228660893901,0.604283719164,0.410775972013,0.713532956716,0.157545015079,0.755576623309,0.606931718733,0.0071495907811,0.966411993645,0.592856110097,0.617086526254,0.259795571739,0.508511103328,0.631154910059,0.242456700854,0.492959556655,0.354086475724,0.807926402519,0.3144980087,0.886209394035,0.27667385118,0.657079078684,0.190026938485,0.802747157737,0.363174344472,0.801166097492,0.0484637459654,0.713599557986,0.468049478328,0.0447613933135,0.594684392946,0.66843810183,0.589383428624,0.892997846843,0.791438382133,0.876144411,0.237230953796,0.495532112773,0.350715106715,0.331655588535,0.0493037528591,0.103963414579,0.81809624706,0.946648351789,0.176616092436,0.902300989282,0.0651710749884,0.427034273546,0.147634087259,0.967593110126,0.999824963151,0.864727660925,0.0627403180553,0.502598432708,0.825279480123,0.754419360442,0.845078019913,0.210882996449,0.304183175448,0.00693116819822,0.528910463316,0.0304409193885,0.627676002644,0.309633075714,0.535713845082,0.559368046777,0.708671866417,0.202735367435,0.650684050705,0.606771605663,0.325593490464,0.0454418624155,0.212800857497,0.993049392027,0.310327122325,0.471635911872,0.3060061717,0.116923219904,0.177079678637,0.994992992672,0.339570140278,0.895361639849,0.980033071745,0.859546170518,0.613580086532,0.411867389882,0.173203267391,0.638723475656,0.704024943126,0.7084697644,0.639268086229,0.0487111850079,0.302828891646,0.340681284938,0.687870824734,0.821935719867,0.292112395269,0.699344207469,0.00976206578371,0.236819211931,0.235118100853,0.40328528239,0.89653246043,0.631393518881,0.688502844857,0.732753990553,0.134773702725,0.840070884125,0.640048854992,0.0215908374619,0.246895662466,0.437280126425,0.542404698757,0.757548450234,0.92294193266,0.0561007803594,0.700218729856,0.755939898393,0.0109055255577,0.74880273716,0.987631413266,0.691055324906,0.291194803805,0.871020604437,0.00738682604117,0.665156703411,0.89331603019,0.72195657259,0.964734322682,0.290793432931,0.719581068197,0.942583769795,0.219719025329,0.789547428016,0.752217659691,0.203662634476,0.634635272559,0.790696570195,0.609859971418,0.114791920953,0.933883881381,0.79105568275,0.74171531335,0.659696396114,0.947162530726,0.46321811335,0.316424083065,0.810471594005,0.845453355875,0.656492666836,0.774768111759,0.210385117628,0.505890754881,0.272459583188,0.42334509324,0.217428512837,0.990717683861,0.581071879803,0.74893082991,0.881050531124,0.312398400518,0.0470217919158,0.425664242495,0.976453648919,0.709520285927,0.314146235238,0.239792851967,0.279657736554,0.15672851509,0.502010227251,0.273179172636,0.968116537546,0.953359905483,0.900338842329,0.90733466966,0.957318719837,0.262955134105,0.499806883509,0.826180398311,0.452284689905,0.438085118774,0.672889409961,0.395319692865,0.812888129375,0.490061210306,0.814819835446,0.321446361584,0.2627521571,0.796150732717,0.589834912213,0.65237858474,0.749012621728,0.990770380602,0.112531511189,0.267065612519,0.765211904246,0.410057832514,0.65042371454,0.913953124072,0.978245214586,0.489144476034,0.49125729509,0.805160846442,0.893745583493,0.341115525299,0.310326334554,0.407037002809,0.959462706234,0.260049857967,0.258157313573,0.377782017954,0.246089401367,0.512981926712,0.938105045101,0.467724385941,0.159084012457,0.302156318895,0.437916292178,0.788735827273,0.895840098083,0.291558552711,0.942321329854,0.815507915838,0.198370399352,0.597899542668,0.333044629156,0.486097586821,0.110834252504,0.547677417809,0.422858231964,0.391285115487,0.968624774029,0.202494870889,0.640365861653,0.0282193919952,0.75649884865,0.779962919906,0.736618036576,0.84095892534,0.980870986595,0.844093325873,0.293583812414,0.0484027761913,0.913731250578,0.768610129855,0.700353126712,0.0739840074403,0.00652235117707,0.197055981036,0.757217891495,0.882520151728,0.0909737197249,0.790140123473,0.879866394327,0.37327361962,0.335172392331,0.768540929661,0.896914451256,0.583519054491,0.775045371926,0.960131386282,0.769166113538,0.832314642765,0.747660682532,0.983449570348,0.115675254155,0.810895836599,0.00711170184865,0.59190814745,0.884855413198,0.651592000737,0.192089774388,0.18992851861,0.600549100992,0.0182176267777,0.181407275848,0.82228544905,0.354018568476,0.230610782702,0.240389048251,0.157107037364,0.0659147043557,0.580330051037,0.998037056699,0.758651944021,0.0782940597695,0.927672979156,0.36615571352,0.164563752831,0.743183673784,0.802551517676,0.043288307755,0.612354812813,0.943973408027,0.846087978744,0.487051515293,0.115232324245,0.695542822918,0.368638002191,0.661488687564,0.287953681112,0.11297109755,0.271129168044,0.752426995204,0.799383541803,0.299314371252,0.95389508164,0.856772571057,0.968855659432,0.956953749572,0.121161297242,0.957455843495,0.419136578603,0.931128355697,0.946797399094,0.969441918903,0.0551294279108,0.123831352724,0.328373283751,0.946232140121,0.214224088015,0.719091427623,0.374206525114,0.286813910899,0.453576380624,0.709601617063,0.466108673022,0.327489944329,0.71009501583,0.793654193262,0.472937069641,0.0982428961951,0.777823611036,0.91853254687,0.539947458886,0.932060892506,0.993231098501,0.0419486182033,0.636296597603,0.274432711718,0.13774102163,0.118854724462,0.722344328141,0.554058581906,0.726653096664,0.165383327227,0.189371894603,0.206837511244,0.606278697011,0.151621648715,0.923495129396,0.47802270788,0.130832311845,0.818568984957,0.147946747078,0.300350930194,0.743834244591,0.0549483751971,0.729579756202,0.637372050855,0.470922837535,0.434929993077,0.136103672097,0.28627939627,0.562146371205,0.383604074944,0.912549375431,0.798992394322,0.991081899792,0.933880858875,0.735088184609,0.714997162157,0.0379765441169,0.377993354456,0.312880483827,0.515781850077,0.324155861986,0.317509580155,0.927383718621,0.616870923312,0.759910478274,0.643354890935,0.503478067014,0.992173002062,0.341085323491,0.908080156183,0.885851645008,0.195936484869,0.0344138195191,0.135262910508,0.679471528256,0.117466542925,0.132675917649,0.381660723457,0.0456923683506,0.314559483532,0.900818511095,0.644299385833,0.172447362996,0.488841616904,0.181090330058,0.277767367404,0.581969359154,0.218830118031,0.852449139979,0.367919342858,0.635230536339,0.385062184209,0.46709502392,0.0945704059128,0.58314079152,0.414346529563,0.442715559892,0.38776568346,0.0486265506444,0.718641870315,0.394806874049,0.633257772899,0.65651939884,0.963734262275,0.969560031429,0.667956085001,0.810382778123,0.187955433908,0.635269308127,0.847112462115,0.158607990199,0.720440104363,0.838312630217,0.176213498764,0.320166908973,0.981956806261,0.978292880718,0.876813370466,0.835459801803,0.558960517424,0.993792244659,0.508861174842,0.171745934976,0.993741326354,0.467197221355,0.711937298179,0.622193111921,0.0218373524138,0.970014171692,0.799432571957,0.343129819986,0.78600050832,0.45682867517,0.889583647198,0.860127334315,0.0975330131032,0.0170576401225,0.975616745314,0.734453522676,0.18803301967,0.760463064018,0.309443995113,0.667000606225,0.818738069374,0.237544447921,0.36842221312,0.185755986611,0.388737554574,0.112611589863,0.585195185901,0.155970785497,0.760623754049,0.919935766617,0.738222053257,0.665561634128,0.574449876645,0.735115843999,0.0666278884254,0.305132095394,0.893881389909,0.120657416433,0.442336673741,0.495077675098,0.186032824852,0.37087890657,0.58926977292,0.800498082145,0.0456418755037,0.695334149792,0.590096748783,0.72578945986,0.364575472835,0.373439898527,0.816499804612,0.557569829631,0.521558114619,0.546193919819,0.673637789931,0.5809045335,0.0723962584196,0.386702909438,0.0135785690511,0.399064371565,0.877041968438,0.954614305746,0.426115898174,0.696947939378,0.327506507466,0.386397152115,0.528367031265,0.125111550343,0.886679582658,0.393594875456,0.21509232348,0.788794982545,0.111271161059,0.865374486864,0.231977188094,0.644823661867,0.849270706241,0.533417234622,0.482058345499,0.739514783432,0.410742326006,0.297308691298,0.818385660617,0.263357203112,0.00225229880199,0.678276944449,0.271855175666,0.200054337302 -0.111195583387,0.216203141156,0.1812186135,0.472203309875,0.552334046524,0.333578659692,0.770172563904,0.94087064908,0.773783177852,0.739196220484,0.771699261132,0.357258490092,0.235237955316,0.218783386639,0.60263208846,0.418905789924,0.166610921222,0.394684334325,0.577574669424,0.429398380246,0.420537474609,0.816186603288,0.0905145253297,0.318520779232,0.101669258561,0.770722133226,0.830704656744,0.0210308239175,0.898676910567,0.151953758453,0.118464790302,0.228566303254,0.936372942492,0.812529355718,0.734321198368,0.942078067487,0.169603274356,0.0979811573559,0.426520449028,0.744253734487,0.0945872249797,0.930390656347,0.128559487927,0.0908385999957,0.893956119787,0.85209952837,0.481593068164,0.541372033369,0.807830485529,0.484181963333,0.234106205719,0.687295599729,0.826062904447,0.912896632311,0.318008399316,0.936521007941,0.807756809494,0.589869344874,0.4469180934,0.127919671539,0.440661568728,0.521292315724,0.942363367024,0.721344604738,0.312956110059,0.295459141818,0.255920903861,0.552108907202,0.522803345905,0.262233541996,0.324197094111,0.3491381876,0.00409284930949,0.584666274743,0.0434026566238,0.472944240837,0.0137260666673,0.930880332315,0.822863480906,0.369076268853,0.156601250814,0.731057696699,0.315022430158,0.464652518745,0.0456473181037,0.63955298976,0.388741060122,0.0365613639179,0.17572065475,0.13327823961,0.708978625582,0.270030419616,0.869227831511,0.219037395315,0.5829962354,0.329406660121,0.698157719175,0.768942083481,0.0685860799896,0.516281536747,0.641057752601,0.607845001137,0.775151632079,0.383746441034,0.825874692575,0.0454396977761,0.217336954728,0.880651331677,0.57266673753,0.127423448056,0.149202152461,0.921885784924,0.384359584776,0.509212634468,0.0305693447464,0.193475150167,0.623399094599,0.563839205149,0.0504077624305,0.567760700185,0.0917882016905,0.345268014456,0.786153222576,0.622269941552,0.12915523164,0.0848505625978,0.48716206974,0.413048741871,0.629398224227,0.381356238024,0.624837356921,0.607975579178,0.258089478907,0.248226648798,0.677281234433,0.489503473056,0.711310197295,0.433184399836,0.860556756101,0.167406665387,0.910392500784,0.400589070446,0.688199451516,0.469393240367,0.376218136361,0.737951699932,0.417060192167,0.709772191441,0.288188918854,0.178458090846,0.938680237962,0.227975341353,0.693620313291,0.269241965784,0.354582184183,0.163240030324,0.0389400839236,0.948462249038,0.964116989535,0.488384081287,0.364164955987,0.482694466501,0.122360090943,0.313021202316,0.55291958484,0.713899987013,0.710689186672,0.778454891819,0.255322045124,0.813299027901,0.176019661815,0.818894218025,0.0298142171907,0.407798698279,0.0752540278645,0.0431009611183,0.528200778814,0.401550170848,0.985551348952,0.954353278136,0.60422641349,0.824600124066,0.6106055353,0.073924005788,0.882624726279,0.747476692908,0.13559058477,0.162976259074,0.187140095301,0.133529744908,0.33706581592,0.67051110528,0.673755425553,0.702630761253,0.934310200875,0.504901311462,0.249752269127,0.712752718171,0.293342312178,0.269813500008,0.75362072886,0.966640135766,0.962796240382,0.651135511505,0.511498835294,0.2750203326,0.792388127349,0.726536621689,0.775270426186,0.516075075892,0.512276248638,0.633485701192,0.0943867090821,0.210350151838,0.0321125423794,0.884036940594,0.906923958105,0.600373267796,0.0194728738169,0.503620987059,0.0449134117901,0.0942849258934,0.863780261432,0.896415287599,0.172631148406,0.840778319077,0.813347179648,0.405013508838,0.703648652539,0.976678052748,0.251932281898,0.860590821633,0.980069204189,0.879777318818,0.21171086919,0.0943466773208,0.883371953268,0.143426097111,0.0384922378345,0.884025704082,0.798587207731,0.51158008528,0.85798944933,0.643638121135,0.419959088406,0.536204775444,0.00807068760893,0.701874837623,0.650412163935,0.408359602415,0.101056073212,0.826435525234,0.809263432782,0.258389017257,0.327606746419,0.132430352596,0.179407840391,0.541622636704,0.174405300638,0.560531605187,0.00116392092908,0.94237237417,0.041422986225,0.122646290801,0.306376074289,0.829677381644,0.150127728563,0.858411247302,0.143069836946,0.427871742806,0.630528311681,0.781097281569,0.276389154729,0.0703445049189,0.597802054628,0.68011062304,0.66541337206,0.501201464545,0.317312784159,0.166924484505,0.570513627831,0.995346443463,0.662531175663,0.899930310443,0.973223467101,0.306188985889,0.14202489125,0.933746161986,0.0982636031519,0.332811390844,0.509745928957,0.344965089984,0.417316583807,0.204878353048,0.758566975418,0.109708124118,0.145028842667,0.965552055947,0.69051797889,0.539616136793,0.676551391274,0.898234769355,0.645578680182,0.807536303651,0.203874935283,0.0414889243695,0.979102878125,0.184934754653,0.316055100987,0.772719096933,0.888475346757,0.779870207797,0.133273973588,0.296169902038,0.356682769465,0.408480999287,0.190194701481,0.438456763148,0.03663613255,0.273880138308,0.0407678462909,0.807666339875,0.105160602091,0.521903922635,0.693543873407,0.744097349796,0.323706348481,0.638677810118,0.892355505801,0.0811804431869,0.877446062909,0.718815121745,0.301073384838,0.752212570393,0.607808010534,0.850550711253,0.217554386741,0.294325916278,0.903038102469,0.968402691018,0.344840386275,0.0717848615996,0.953142264062,0.410462261449,0.874227129346,0.134155939798,0.967723226334,0.0411865305452,0.945139351589,0.791262003865,0.795372740668,0.781278933178,0.248002440105,0.682343634518,0.900096817277,0.397822297264,0.0382241093205,0.385155655825,0.549177178787,0.700052593086,0.171325001878,0.81939829232,0.785589782981,0.520081180311,0.508139702501,0.034402096004,0.356080574637,0.735755397904,0.223381178532,0.138882804332,0.672060357125,0.808567309659,0.157367051418,0.224694138753,0.808104899695,0.653308687401,0.656384017884,0.591891831442,0.376371006747,0.752833482974,0.0418355746921,0.471988311806,0.254486799272,0.736789747799,0.871762716504,0.480068600082,0.329799533038,0.451724572976,0.307495627794,0.694258022281,0.0822735173833,0.19630859151,0.721739590154,0.580566229091,0.276070103404,0.725627188948,0.620196871331,0.4626668169,0.486635283145,0.708749653282,0.463836521549,0.944192255003,0.966213932032,0.314602939222,0.225472015192,0.778580200319,0.196651856394,0.359415214281,0.571590743624,0.0786340542629,0.175417820219,0.561926427591,0.205841561847,0.863488977728,0.122063296606,0.520956647049,0.853118244537,0.407030471893,0.497910684434,0.426030814972,0.740350844407,0.838108009753,0.36552278726,0.137299425474,0.314201520219,0.0974335249083,0.557578829565,0.942517996224,0.316521701646,0.354345129754,0.776012677557,0.139019943917,0.272049219368,0.709080139991,0.276298044398,0.960994707766,0.337628664856,0.391164472055,0.284756608349,0.934130775186,0.514769340745,0.0132946095297,0.670300655761,0.112652100526,0.572893673201,0.788754969392,0.885595817397,0.794137816658,0.363051474072,0.952255745877,0.665501590146,0.91987497362,0.766289814334,0.724977957095,0.149450671736,0.942161296704,0.914998891159,0.620131277849,0.483018282778,0.487860051649,0.150855717581,0.945740250138,0.87194873491,0.911806763454,0.283005338608,0.710789634285,0.164770388753,0.501635507524,0.437848950098,0.318734041652,0.459106755602,0.864675901268,0.765497197023,0.417470711365,0.805603161433,0.203338697207,0.513034282693,0.636226744586,0.963136590262,0.854195993997,0.0837011832125,0.280444149042,0.909461811862,0.240566087986,0.736928707459,0.710181682398,0.555284052428,0.987577614305,0.274774535973,0.708332668431,0.72586742105,0.157402331644,0.389352039076,0.779261641846,0.511361715345,0.417705140188,0.820325295953,0.742201452766,0.233178432643,0.489673403742,0.0181086704844,0.835502442794,0.767914043537,0.571852488266,0.670082790238,0.58968105991,0.0542376542849,0.828884690074,0.797582269513,0.650530205397,0.827822819766,0.998173957133,0.96989062866,0.84742621348,0.649705506393,0.950063981429,0.594894730067,0.964287736037,0.66274732438,0.793388099745,0.657744555248,0.25310213624,0.790230900525,0.439307245819,0.524373090403,0.485364313588,0.0171258504699,0.409128876816,0.491743389153,0.402199784635,0.534658656662,0.988149405906,0.012882925897,0.928892953553,0.104689095835,0.511791155416,0.698960556577,0.511497358692,0.965751552391,0.834817690991,0.263049904241,0.39858556093,0.584582926771,0.72751529305,0.780759417906,0.750280538555,0.958084472131,0.998395158681,0.331790643353,0.398433898834,0.987167098437,0.82656932508,0.804495813729,0.12749562766,0.304942079186,0.792487069447,0.192853763155,0.602906742447,0.298447688828,0.386531634344,0.16393643815,0.597394080274,0.0352593861315,0.751362548846,0.0537187139471,0.580826269649,0.451080083759,0.808418914654,0.478374086373,0.202406588018,0.455302682881,0.175531665439,0.587433493131,0.39073006224,0.947512026518,0.321449688749,0.674735433453,0.563174711594,0.663180890244,0.320636901113,0.867371719705,0.0943777865704,0.927082263329,0.497246954529,0.550172393218,0.99717987657,0.933344049947,0.351866417126,0.0161896553416,0.460970093686,0.47845313785,0.93136873932,0.313866848277,0.609013558139,0.348512215064,0.133228139473,0.600185878769,0.335554921264,0.119236403781,0.421723508574,0.0107281327995,0.10785069346,0.284168431715,0.64675291309,0.251913073737,0.784310957413,0.200567695098,0.72091875059,0.025372349418,0.917658646883,0.195282170686,0.259616180915,0.92251356244,0.957716301332,0.61646846605,0.621087249659,0.93144342538,0.317584893613,0.606522539806,0.708231672675,0.725272772773,0.255865701475,0.0978890931645,0.609611199376,0.756416211261,0.12026868832,0.621843264541,0.0190216996201,0.533909672695,0.487864025592,0.361899415824,0.272131287558,0.150930342176,0.949659716725,0.867364506074,0.847568154149,0.396367618532,0.0140333297722,0.79690426471,0.322804176753,0.569436116965,0.414824653959,0.887423384487,0.489537199394,0.267213042536,0.814121739988,0.233293768651,0.715172237452,0.848936510285,0.526394541482,0.200349442979,0.302783847772,0.892986612596,0.623966954013,0.972852495652,0.19429093338,0.173804985124,0.542985503095,0.456239402598,0.2348833292,0.879024617413,0.158637603139,0.0901643818582,0.239996888473,0.800436797933,0.242046594284,0.196660264973,0.225239088219,0.103993338738,0.678336993031,0.0113682845184,0.632896470792,0.664842541352,0.225519135702,0.00395322066258,0.723621238069,0.923868864682,0.858683801635,0.37867550338,0.214007044695,0.373324567092,0.704374228103,0.787459793531,0.188773070582,0.362961588312,0.338877340408,0.0241647990655,0.734118933161,0.754784489049,0.0200570510452,0.558108316442,0.0422949623976,0.30729033088,0.554854874019,0.212940331047,0.491295856994,0.606449928041,0.00219117402722,0.912782322473,0.879764172588,0.618361182409,0.115493767538,0.394750816514,0.877128286413,0.737719208266,0.100593338011,0.764314605976,0.923743958886,0.160324945664,0.171083872162,0.801137700659,0.198385885019,0.373686760755,0.794322118445,0.121463734996,0.510205796407,0.205257802331,0.573347552532,0.392461939825,0.512469309912,0.176442908668,0.537013750697,0.46852062793,0.838291428894,0.995267693594,0.609770113018,0.00855514496938,0.766347499547,0.0950338067614,0.416384051362,0.345726394962,0.28824099036,0.206559266464,0.836154427341,0.0138491656389,0.298731198722,0.932018518083,0.429974560308,0.461449272124,0.632253316332,0.402469182752,0.730658241072,0.0417240660129,0.581895058911,0.0368333961821,0.0378105441673,0.467472925926,0.338524072488,0.179674847257,0.0540658112358,0.793757707116,0.201887274925,0.491179145002,0.0802822028165,0.204168967389,0.585286981546,0.0699370180545,0.260697552834,0.993260599539,0.763667860266,0.411564760093,0.65559851632,0.902132828064,0.817772291291,0.616030282412,0.724861516065,0.827256400489,0.664332361852,0.816659094905,0.549841916607,0.567346146677,0.630346926551,0.577704848075,0.0606911589458,0.6433594795,0.695454516092,0.192792146374,0.695946522824,0.188196828598,0.87049897324,0.0715752497039,0.635502068894,0.495470329407,0.142536095495,0.630301008452,0.0798641923249,0.799542208389,0.996976042784,0.930015651281,0.146205406848,0.572749201394,0.337698092158,0.592180218274,0.520030539453,0.233183046132,0.267639206122,0.533493471001,0.934538440227,0.336770070236,0.368960671364,0.295568346942,0.927184156918,0.981150730412,0.927617847648,0.624498207969,0.948528449981,0.974637326745,0.420170963006,0.697879549345,0.322627151164,0.938992412659,0.3712795096,0.333111971755,0.387563778651,0.358040382485,0.416695137826,0.86041482741,0.699183101895,0.345371912182,0.327838528027,0.819541411931,0.569937300163,0.804779747127,0.534199724597,0.179802636025,0.879445766386,0.213198560705,0.872211542859,0.161380042104,0.0407900748738,0.836514700539,0.298059821157,0.419641735223,0.870646751921,0.38868031142,0.169933227428,0.142261439552,0.438288257622,0.317923714066,0.490649117294,0.883327290401,0.609355068542,0.350520068704,0.954240588761,0.628014477709,0.211239437818,0.756217107728,0.704322998073,0.392192226597,0.0629383404288,0.298774146944,0.57599085409,0.0625512903005,0.063203079613,0.495126841822,0.893092643858,0.365156494423,0.173146367155,0.813198664915,0.525776546728,0.234278060585,0.107606574419,0.181755049392,0.343223789708,0.0120710196923,0.484521074327,0.191395886486,0.0717650167508,0.0207032245234,0.992439697875,0.189789847892,0.707518008648,0.332907303863,0.921652182891,0.465740121452,0.553120231938,0.953215475802,0.604894789202,0.625651921313,0.78459788262,0.411461392315,0.340946424132,0.702588438732,0.693463222315,0.0113367458796,0.510366432207,0.317824384223,0.0599379518733,0.261746683906,0.916371296391,0.523490570222,0.0303272961369,0.293164947599,0.694904171575,0.774891970911,0.0995942625655,0.076562546627,0.943111668168,0.306878906984,0.331943959142,0.687726580492,0.764337724034,0.720764209409,0.855593421087,0.624534345797,0.497842053889,0.481056337376,0.373222111544,0.893968124795,0.455997004989,0.552097133198,0.202936641764,0.74021942349,0.0476620914239,0.797868560671,0.929490283695,0.400338000756,0.326150813356,0.491160585441,0.258440549482,0.73176394627,0.904171938684,0.216606224536,0.559826341851,0.0823618282662,0.229251875466,0.102678985268,0.761297303896,0.702217145927,0.40427700873,0.0742027138925,0.179053253451,0.0106055988985,0.318843071824,0.336950954363,0.568105766902,0.769924098431,0.327743773938,0.241774408383,0.824863235034,0.974160592153,0.131932166644,0.842716561971,0.707672141709,0.553686361542,0.0978089203017,0.676406382502,0.757387640724,0.212329900096,0.10263806264,0.72973708276,0.843465280612,0.0772937249401,0.291319202915,0.60032290855,0.3394992253,0.755490840446,0.269990514492,0.678827779361,0.29155339506,0.277434415492,0.348745911981,0.752313442026,0.679642684229,0.193531940117,0.111404468792,0.904949395906,0.772583564848,0.269551073538,0.32868599373,0.894387233618,0.914488560029,0.760998376501,0.95961500223,0.249843281319,0.0981656819324,0.598724176051,0.0204377416716,0.112541458597,0.278564449886,0.853516658335,0.118614601091,0.125024706611,0.817263356586,0.318143008725,0.891091256597,0.0504232197497,0.253473244298,0.848834467179,0.82995047121,0.0468049281336,0.764625814732,0.456937373965,0.183225758742,0.144581135908,0.491122865789,0.153548799496,0.455914087402,0.104325826625,0.967260064572 0.426965990536,0.355898004912,0.889807944785,0.739769404008,0.058153803555,0.0196759398393,0.119292064686,0.0287733502564,0.16937783468,0.0241476642853,0.0331060923742,0.063797210022,0.0914013354469,0.516029236931,0.416210061371,0.997645981488,0.52736203614,0.133157936602,0.709673254429,0.984939710417,0.73112105881,0.449053192921,0.26056955071,0.70010615105,0.372301258959,0.193053041928,0.147515059277,0.0674438229366,0.0654386078587,0.576355774478,0.211618343347,0.777915866765,0.41409980813,0.967491497966,0.359166056537,0.0277382885422,0.457459148559,0.151483047586,0.351778705969,0.149973242524,0.74556889904,0.258000232765,0.823893802293,0.63970191154,0.144287126843,0.544496056388,0.425310185621,0.0422465629058,0.0147057473852,0.218928298273,0.284539701163,0.655201660034,0.118899849405,0.87822257717,0.494393263351,0.168243027586,0.180904374812,0.705651339735,0.357270598901,0.584945546511,0.873045274498,0.300116228643,0.416360858466,0.130444508885,0.901253775417,0.38995862203,0.53504528575,0.695921572954,0.770572928759,0.272734203946,0.209133647304,0.640719733827,0.50196822975,0.581079909637,0.713853959529,0.303513469323,0.545357346251,0.817784064962,0.665957164636,0.727712846908,0.134348807399,0.257819690502,0.365742054576,0.965577137342,0.484040333825,0.597981751605,0.891198601186,0.732265610333,0.21687737647,0.591054688669,0.0638279232263,0.822778488922,0.0930431630761,0.486234539301,0.621322994363,0.794297153084,0.284239734874,0.111970249368,0.0961083867373,0.733891942799,0.262500307773,0.786487760779,0.39378483798,0.728457242987,0.329625070182,0.083345300676,0.357524165491,0.635698767088,0.364442363832,0.925877496479,0.885118502623,0.533003685717,0.0605798348381,0.212004722959,0.796547892854,0.639604072313,0.794203959667,0.518680628248,0.675815929838,0.956521660595,0.297106207351,0.182496353741,0.0997324218042,0.342681430304,0.523030376023,0.119293853546,0.714229677354,0.316314969961,0.824377871312,0.96082687163,0.596692841832,0.389454929297,0.23450546073,0.744280861094,0.451404411334,0.329613175865,0.881186121204,0.192772954445,0.551202676999,0.225038553363,0.733631952597,0.532519870719,0.910091603513,0.933568341711,0.0596255592802,0.0899024235883,0.111514836599,0.450805730454,0.0340161068325,0.921504726779,0.307691119606,0.221127710756,0.263037772314,0.25224887548,0.78227116203,0.810937268946,0.350911286273,0.711329352846,0.862609384928,0.731402282889,0.132258702351,0.940311927296,0.393140996949,0.985061014172,0.650723156353,0.598325341691,0.133286716777,0.543150600963,0.875719309753,0.535133873465,0.0170186772122,0.974943362421,0.0975949199534,0.719571734536,0.0556191225415,0.808150129807,0.542899640974,0.074368117489,0.134383369026,0.420110849057,0.52750562752,0.5997823436,0.478204583187,0.585864604225,0.718030534806,0.495180997065,0.965756930997,0.637775311193,0.274261470952,0.197423547228,0.493925033382,0.823685682642,0.774045369323,0.856554387799,0.871729327584,0.761450943357,0.00562200150011,0.505994704331,0.7255756739,0.545339037543,0.0738586627052,0.61137087723,0.205977656364,0.881296407831,0.433149382669,0.531626088232,0.244782856625,0.847218103681,0.583819907619,0.902600397654,0.430849815688,0.168038917964,0.679154046789,0.0142004438392,0.721308391914,0.563931633905,0.476220791204,0.907039908413,0.957741052635,0.465190444883,0.427288077333,0.974108990136,0.29494289838,0.510308897593,0.449176974966,0.815523772985,0.138703602591,0.467731425408,0.230951200688,0.682326007256,0.118094335144,0.639041790196,0.943629155279,0.221983370691,0.775257546028,0.376436892591,0.454871560972,0.0273644716225,0.0387597438703,0.262158390188,0.139115339805,0.457830934773,0.722558918331,0.268891166929,0.739945194228,0.59041810195,0.366248237913,0.126865691596,0.610511572687,0.589180834331,0.988773751352,0.433702531886,0.922946669691,0.359138981921,0.0463701913273,0.849844633771,0.664221033562,0.580259307407,0.200904866157,0.237632244075,0.472134642262,0.627069467367,0.390916520206,0.542641605951,0.183661717574,0.411604661471,0.802814908864,0.867528468124,0.141228118142,0.368854872665,0.296608379227,0.26550649095,0.0338020510696,0.0152922241511,0.346098870658,0.47229960175,0.0465310101214,0.987317672742,0.943860905973,0.406268497367,0.878775813312,0.495351129561,0.671562239751,0.894705125833,0.239402088955,0.0690516794851,0.0084203051471,0.433518143889,0.742888583118,0.71895758635,0.968691447921,0.824658743806,0.0495812008107,0.152950637131,0.707978242795,0.156977726964,0.616027532178,0.585201057374,0.0405554481505,0.878399782619,0.274009667775,0.964933109389,0.481952951911,0.730370774805,0.232842369208,0.296340510613,0.440166981529,0.929959142042,0.988120512369,0.0612018331798,0.794247401673,0.761495552348,0.639286525673,0.481803098693,0.864996089879,0.973496385044,0.100411144823,0.967474077677,0.468907715841,0.892395557051,0.497362913426,0.440062937995,0.171988287578,0.641020840372,0.170092745464,0.173089966094,0.495489934955,0.916008633697,0.337630765776,0.475452613949,0.348301895253,0.251287417904,0.603762907522,0.107172318546,0.462956659638,0.0615492382922,0.439858610177,0.693743702997,0.430010517504,0.96549076811,0.933059202442,0.379554670345,0.172514650605,0.360841435256,0.976881763613,0.226814410241,0.665566127517,0.325238791945,0.775425296868,0.00173060291238,0.695245047383,0.11907440462,0.453824190986,0.750251365949,0.541036905513,0.112950678282,0.428319595949,0.440738684081,0.00864007745716,0.497046914301,0.682541201615,0.277635078282,0.650768264186,0.246967333033,0.526041971135,0.305586792933,0.135272193898,0.650843046962,0.29809905059,0.976216490861,0.407697561075,0.284970028415,0.22543036328,0.263498107525,0.821064480033,0.674324516245,0.408746358909,0.447495786846,0.590364896866,0.993741819669,0.744649858896,0.771554974442,0.522039720933,0.269422278042,0.604799891674,0.03239490917,0.813163976612,0.682296806543,0.851065286754,0.458033381158,0.0792421660647,0.627887441228,0.270495226127,0.973229403782,0.244594596666,0.750728245787,0.58406491671,0.469982261104,0.416626480773,0.144852933333,0.510611106341,0.643516639217,0.954534576989,0.446470476668,0.703425990844,0.341765974099,0.828128901449,0.642463755188,0.728582556286,0.115297517122,0.391645895802,0.217454245678,0.261952799693,0.0760426806522,0.975001240373,0.153259054365,0.517625636898,0.648231834068,0.0557118056924,0.779011045248,0.995954040486,0.128207777278,0.955141113702,0.549973401119,0.134583041124,0.348722238196,0.718754730801,0.0143307133646,0.0678982720264,0.845583408936,0.562440951322,0.764798435028,0.597961795887,0.663822185011,0.393894176675,0.0616055261295,0.978351976469,0.361000433698,0.260859033115,0.58789827429,0.916694065041,0.966788575202,0.907289463344,0.395474679715,0.62851892924,0.763803295011,0.0490070494889,0.465864530676,0.653769488658,0.322478975349,0.295821779613,0.545233799791,0.447952451145,0.223449537701,0.785880978126,0.830830116681,0.229175120225,0.950503045938,0.394695005745,0.928190638828,0.372108986014,0.836351090182,0.363066404289,0.849960209557,0.896145484528,0.166160701658,0.883006083974,0.567581192595,0.440076206261,0.617107962339,0.583996951301,0.188524116955,0.85621720425,0.566845018127,0.420579212598,0.542583122993,0.686054680796,0.940509704715,0.0304680903528,0.382109015617,0.57984117662,0.342903305412,0.765914617559,0.11953722843,0.261924192175,0.658775070968,0.779925635153,0.951323350378,0.80245467715,0.159913230831,0.98543968082,0.0942705933505,0.156464763999,0.609630789154,0.664278138975,0.371460394921,0.944919012677,0.207194551345,0.357038744371,0.571889665701,0.226878027413,0.317207973699,0.704416101812,0.274034134375,0.351691458521,0.474275016915,0.00440732068347,0.0547518986513,0.397309931964,0.772226477922,0.909026782036,0.850208081811,0.752280529805,0.521113827233,0.742039420745,0.821686626574,0.723087625703,0.782428650326,0.768987630882,0.510757826598,0.345419623332,0.101262166473,0.791729449762,0.414630219536,0.650518064353,0.888835015237,0.223284346745,0.600477194299,0.321709662654,0.155778919901,0.138750424611,0.197213287444,0.332461664566,0.492643097711,0.9727359241,0.223210601311,0.85761635014,0.171648547979,0.725048426814,0.911739211757,0.168896242381,0.502309767772,0.201888927589,0.405268413782,0.0647109147096,0.236712201099,0.815250339788,0.151520123654,0.99464477921,0.843122188035,0.679858369411,0.829279527307,0.272056298804,0.042764205774,0.37177509809,0.337603464384,0.478293467797,0.414071463534,0.864001435792,0.626069722357,0.00564115363918,0.833862468329,0.0214041345533,0.631070790787,0.244511728078,0.925175441813,0.31276046231,0.342339131076,0.427073012534,0.620386765508,0.296097636743,0.212384898425,0.0394786331915,0.477408339004,0.678610915737,0.504549172615,0.176759670353,0.351207931947,0.586972134963,0.452337699091,0.0372789002715,0.527848468989,0.0779780189043,0.998139479765,0.375485342546,0.857935904662,0.103601563773,0.595319080074,0.173970476835,0.286127963738,0.549761662423,0.290874993335,0.615541598284,0.883752933569,0.989525470869,0.873987219581,0.266783174655,0.640072586656,0.236776106323,0.919415403193,0.0411696543391,0.660834304429,0.234059978073,0.657958290597,0.981698478524,0.611478286416,0.914582391356,0.657447073576,0.603063302091,0.435434804631,0.952024121476,0.0700046455921,0.826110995003,0.892178840986,0.671629078803,0.308218420671,0.435593358647,0.744682415528,0.78030241494,0.889663150848,0.361679484037,0.706553089077,0.024743258442,0.816809594604,0.720496966667,0.235772758879,0.677014552799,0.298043439728,0.874211641473,0.364816976016,0.596541316034,0.045270253091,0.0361649768272,0.698322174062,0.462248654012,0.571166437839,0.590637922413,0.9093227616,0.699119668061,0.922763177245,0.704632849306,0.641393893358,0.781704974108,0.43123268759,0.579163078927,0.0387433268723,0.370230460372,0.79224532728,0.613051339323,0.102656638399,0.675956436528,0.907787941419,0.832022584262,0.0807038920746,0.153045041799,0.118253577638,0.0076102752771,0.475988358968,0.224580680127,0.226805864387,0.0921215230573,0.707489684099,0.949858591642,0.150318548627,0.97270938183,0.929538068226,0.0803645856843,0.0714419289689,0.448224502175,0.534553953159,0.634117192508,0.991148004934,0.945670105751,0.829531456092,0.663212352738,0.700132738364,0.449999218013,0.404747752003,0.236067745908,0.230696203602,0.0769666697565,0.136086207911,0.00230582022663,0.382195428415,0.634157235051,0.165581789411,0.769296614665,0.17756256362,0.866688778729,0.0788464252755,0.39544109988,0.590028640502,0.660267323536,0.999229500602,0.654699180225,0.126196744611,0.958525660655,0.656342744558,0.183029775869,0.818869650181,0.176420561594,0.409173633927,0.904434013941,0.10396347329,0.267125170399,0.253454043787,0.257976485633,0.560314100885,0.347592492429,0.427493752423,0.85955785951,0.565885375066,0.485982111803,0.10867829031,0.582612233279,0.187228910454,0.627725342235,0.280070845097,0.270288261318,0.0968387636145,0.933937251096,0.0164168850264,0.987814556334,0.166813869282,0.490080122794,0.979791138914,0.553780834296,0.261835423086,0.568148851255,0.0606651705528,0.714190624453,0.0696941874549,0.855270088754,0.851241280445,0.833849622646,0.389897058172,0.655453843778,0.640683499569,0.320885326596,0.694101081497,0.00742419907033,0.369311398769,0.362131032908,0.931604242607,0.751512606613,0.157824777484,0.69584127795,0.827987683052,0.506263422022,0.674190502944,0.551964472369,0.595517611387,0.776769006192,0.996130389725,0.94182989066,0.180511116886,0.0471027848787,0.173910187386,0.602264678287,0.386840177966,0.777809435329,0.760609967439,0.270721482563,0.386262846366,0.185923537247,0.776758677873,0.836952014207,0.379550841348,0.465274907953,0.976535817545,0.164314127289,0.0267637772836,0.255227754339,0.0902427414498,0.999618943932,0.0834719459228,0.838234460681,0.140993577637,0.00113619880793,0.0488163880667,0.174834002163,0.665225245682,0.0882948710355,0.435788406032,0.377617404127,0.894239111344,0.939437140591,0.479867275137,0.336751909337,0.890241302491,0.923769831425,0.387132203022,0.158520602785,0.0847602963537,0.730962576277,0.185864169602,0.475774860678,0.448581828845,0.22660263226,0.325738877346,0.732378895872,0.13517583169,0.512023796236,0.975643557254,0.429426137009,0.89185638491,0.0540426859857,0.152461140895,0.566297190783,0.699260765442,0.839418249497,0.0977539875521,0.257427777285,0.694472204406,0.04940298404,0.792623196091,0.654453767025,0.259776749172,0.279405194876,0.669424734747,0.720371570693,0.988461264808,0.683359268205,0.23462251159,0.480492476777,0.493224037505,0.20337712028,0.408572997569,0.641888580039,0.328686193501,0.575942909422,0.463432298303,0.0714538561644,0.605813425158,0.0649707991094,0.74447781398,0.483223569809,0.296764439628,0.640298598847,0.319542065815,0.548414786208,0.125673426786,0.666804897172,0.363223184878,0.758335400369,0.877028489532,0.864612794117,0.1153955368,0.220517496141,0.781546280956,0.410091735289,0.925320974705,0.0266822839177,0.794866449204,0.981802086693,0.119546358747,0.30998362102,0.580631181217,0.53432292949,0.441971370757,0.909629068586,0.123233072795,0.881698990661,0.733220414916,0.0280346783916,0.77464210814,0.617052247641,0.261989438585,0.964778976366,0.560422497757,0.11562819796,0.344684337674,0.767510938859,0.777885507491,0.975758331694,0.10018322594,0.582328695624,0.999200349891,0.986501035302,0.671190274395,0.725842391481,0.896308147279,0.0419328341759,0.150136116057,0.841103880246,0.74465553038,0.577956934824,0.119451023292,0.808512146454,0.943438154229,0.208844511902,0.759868810335,0.214451689169,0.796002279757,0.0365989047296,0.00318923689401,0.941567345433,0.667047830037,0.318144327228,0.798525170292,0.833503834505,0.296329821969,0.0918169842965,0.798610733966,0.29526300379,0.0230653990913,0.110288782347,0.0758800419943,0.266930694241,0.842675400315,0.251182742108,0.0191062675279,0.278323262159,0.969013405185,0.727972265286,0.833089724735,0.0478888534545,0.987686323301,0.59769347885,0.704531576051,0.57898573617,0.843741917247,0.480076077019,0.548201853977,0.840861867212,0.759677167699,0.51352492125,0.00553606627729,0.833157391171,0.678242625891,0.750938705819,0.228535867701,0.520524632273,0.724581310438,0.492061620081,0.672870125026,0.135115008697,0.941236884162,0.151411577757,0.452036206398,0.532442652311,0.0628957556186,0.0235357915767,0.264398775826,0.282647060895,0.54718748024,0.486310277024,0.429729213305,0.993994107613,0.403499852005,0.709760023229,0.0325090317352,0.510522780582,0.648418587977,0.178202976663,0.622741247676,0.548042931488,0.108643675979,0.069612032286,0.41234149895,0.253610364848,0.62945371265,0.173599478019,0.840717289915,0.918511428596,0.000758955041261,0.538261462276,0.122789986047,0.933405336962,0.31209095845,0.993456591897,0.632465239538,0.934242545334,0.333857698431,0.773692059211,0.53001064946,0.331281558331,0.138964213332,0.290374140109,0.2740885953,0.39944604019,0.498595642241,0.646275780651,0.475852688273,0.608074996355,0.435921204871,0.590257216862,0.099657026539,0.0998468872616,0.0306059482647,0.440723142473,0.512341362299,0.428474547634,0.425517064535,0.377476845836,0.649644786597,0.092488874531,0.417289678757,0.388818292198,0.114629832917 0.0416489006344,0.959642013501,0.737937926915,0.0398329936134,0.275546792378,0.984812015626,0.485705749879,0.639338465393,0.765779077725,0.603278504945,0.197587219411,0.326261469399,0.354012558979,0.248042040633,0.311845878211,0.512729056254,0.547039570978,0.293479508637,0.64054656169,0.746773678785,0.699650396791,0.8866231319,0.0735250485282,0.93874543949,0.687878961661,0.700670071534,0.634340518667,0.418501819941,0.791966133254,0.945681210978,0.91727397189,0.566136834532,0.304060142674,0.635636804243,0.212499374402,0.894563226917,0.013061192563,0.715357397827,0.356715585161,0.474003853895,0.472116983823,0.20122249346,0.0390424477323,0.0573804895982,0.355672258529,0.41015857694,0.881975320637,0.510681011567,0.810057656042,0.601978013847,0.870454696813,0.901098337437,0.865475313662,0.641768158502,0.23372058449,0.718215372013,0.732262576766,0.541554403009,0.929689251807,0.639446017163,0.953086539462,0.81507889485,0.85822367907,0.948051348535,0.301927583384,0.867320808459,0.912818874126,0.0376080477,0.770829234527,0.100704497991,0.105938515897,0.979920576099,0.480936090593,0.403254376823,0.563371876857,0.920417181879,0.550460197258,0.799941057667,0.968726688621,0.983728355129,0.599533393138,0.942299610868,0.390361911275,0.555386105105,0.314804775835,0.074705178005,0.700220483728,0.274814540305,0.617684892272,0.0365777854392,0.9885650148,0.459388448512,0.704206260299,0.516707634364,0.586988118244,0.293152367952,0.378869388203,0.365046609427,0.76095844828,0.409168605351,0.492746605372,0.10173051244,0.751182894799,0.650209092909,0.766848175903,0.485676863884,0.039428447711,0.192514037632,0.603775913093,0.58166963518,0.0947057877282,0.993401335372,0.258565083641,0.180017799121,0.504095968691,0.446211992567,0.0584125901575,0.419069765696,0.504401891999,0.417994326023,0.703427991684,0.979944120253,0.101346737575,0.758797214719,0.582702428886,0.402087898304,0.423291075723,0.00348873368318,0.241220169458,0.420974430631,0.824114072922,0.625367365965,0.853542585941,0.836751170374,0.75452402587,0.274512194421,0.836198095748,0.637053539942,0.981160936138,0.107043580916,0.754677667182,0.82220276618,0.0830046186023,0.189419619269,0.133928831638,0.752177117611,0.257445103784,0.0104019139401,0.594826730048,0.234484797094,0.485315787784,0.683437120909,0.579683196764,0.57282886402,0.532983611125,0.381028938686,0.762756230623,0.921787764842,0.903232688667,0.0877893091528,0.973123280872,0.173115703616,0.428534310142,0.504928459825,0.904554367869,0.656703917002,0.719743302503,0.843455655344,0.835081185225,0.747927708105,0.0536308722264,0.403808071602,0.164979426381,0.649633718971,0.58953424189,0.238172650175,0.226136811727,0.0602247745577,0.137713438086,0.230018051102,0.541220519061,0.501422711756,0.857274515875,0.263853323594,0.962963978809,0.741665310384,0.949179355574,0.752889034236,0.783325822536,0.339050934171,0.657969294826,0.611953170037,0.805346922408,0.98913556801,0.282062692476,0.901855757041,0.305488155204,0.420814314245,0.260032218657,0.254216897497,0.394719414791,0.832724160722,0.845556334018,0.251311971203,0.749740702976,0.204512812717,0.847410731714,0.2566184643,0.438593503958,0.286315580434,0.374336945257,0.0257623695804,0.500392433486,0.123311384275,0.290967947368,0.56322604695,0.57335629079,0.393474663647,0.889820285166,0.570785787056,0.126937419563,0.80236908609,0.90093666708,0.944559172003,0.0716428886648,0.944043534926,0.257175776109,0.235031443472,0.253922121371,0.642673721028,0.942014068047,0.0869359871035,0.207630443592,0.611755063105,0.349496389654,0.980183729524,0.406204030418,0.0171896824026,0.881339311524,0.799878555686,0.757790119351,0.849732068193,0.914091686623,0.0733561954037,0.138305634508,0.405843576557,0.220711006036,0.306104887616,0.0152971114356,0.558621998706,0.480825770546,0.627602744126,0.146384629212,0.226984164247,0.565197710963,0.417911451526,0.826703793001,0.0593756536989,0.017640780359,0.503006127202,0.0774340406766,0.135424554835,0.256372193125,0.0101769546149,0.393262522939,0.603091944958,0.201043256244,0.0361275154712,0.449357699685,0.0807384405666,0.866379823962,0.358757772186,0.675130329027,0.535679840159,0.0652628399623,0.695860051026,0.858096339058,0.665939464777,0.299742868679,0.69397572919,0.014133283511,0.534568193663,0.711024480036,0.58556415808,0.288054970083,0.728884587369,0.906733502334,0.485475238424,0.0712204278171,0.994230718829,0.959432297762,0.450447539847,0.262332423615,0.508233982108,0.839868483699,0.834564557082,0.884497633237,0.0577283219401,0.621976679367,0.854936060251,0.548468933119,0.173175985357,0.911704721571,0.932187396419,0.684052348497,0.321978058464,0.834466248622,0.780398699939,0.105937665094,0.720675543512,0.70410506823,0.340334456367,0.378788488387,0.0843836433225,0.280225219488,0.0981291325679,0.749354251501,0.469714295521,0.477136103819,0.798101926632,0.244805556693,0.0102916390735,0.920166540491,0.409590864715,0.0187220431723,0.576665445927,0.100406377876,0.312394045871,0.701899369607,0.00665383737189,0.161764948625,0.425163628689,0.86275953895,0.37079747508,0.812238613477,0.567552923238,0.954156877898,0.650183379851,0.163377206093,0.578018094995,0.496020677736,0.0656738294489,0.733820418933,0.0134624868589,0.586816272487,0.257071763979,0.836074311391,0.776070885202,0.665511653427,0.700356814794,0.775983314419,0.491569504685,0.135281303721,0.187419944386,0.323895454882,0.199541941422,0.656459053908,0.586539912991,0.624525736517,0.756296143443,0.222369218599,0.423047672692,0.121968560306,0.334054573686,0.414581597103,0.145427855554,0.617449426453,0.636134163515,0.722730010865,0.731894178011,0.0314819717681,0.729153713589,0.00637807736294,0.774317916973,0.597591186532,0.103352119284,0.989890246038,0.0120625093805,0.512617652663,0.224785597606,0.435318424693,0.575090224746,0.297407330965,0.405280319122,0.65842692649,0.619571235631,0.0995188426522,0.111694751309,0.0867662190968,0.979902799972,0.698928963692,0.716614647167,0.725738279095,0.00976723307946,0.530630202604,0.432481390031,0.0883500128206,0.256250173438,0.527424872474,0.9305160176,0.337521187886,0.364636641562,0.36967948214,0.114207486337,0.461289300365,0.676181388999,0.665312253501,0.381656076693,0.896124109947,0.21126549356,0.140999908111,0.892743618365,0.24498637109,0.31121179095,0.410931845365,0.989727071879,0.843515330707,0.898399479112,0.0234380375932,0.405354491276,0.0200718064701,0.929006593664,0.445001166698,0.322825894469,0.208430379046,0.94099702944,0.0365213581878,0.938516048811,0.19201389634,0.413069899741,0.324498256886,0.516350426138,0.444848127529,0.0584995969007,0.411295359711,0.863010980495,0.461342804046,0.821304340474,0.659412811908,0.584775528747,0.254862646098,0.554190643977,0.883492874336,0.780792791438,0.560950799234,0.661967074162,0.106197790875,0.237094345379,0.463647451861,0.564998039315,0.687747957185,0.947211749458,0.657568855393,0.269687175773,0.308305570409,0.920776287244,0.658332084238,0.119306203355,0.974903794219,0.621122737777,0.54531818781,0.864704634874,0.358139803448,0.266732453874,0.36935523144,0.695382836434,0.998862717732,0.895246001458,0.148485505045,0.961780462373,0.0778833640263,0.615474153625,0.477765882303,0.563288894119,0.580439395358,0.565493853631,0.729696587948,0.581429451958,0.622367915377,0.216872309891,0.872444227298,0.839948626855,0.660774036446,0.261785440981,0.199806617493,0.877642804751,0.764452575106,0.74953328146,0.62394099938,0.69995731994,0.69844058273,0.913935790209,0.788553305433,0.293018323458,0.6350805699,0.0294800415467,0.202572923126,0.584436719446,0.0517549208654,0.275012888787,0.767833658973,0.306382933357,0.317151059014,0.566664764958,0.701349883801,0.0980206232601,0.446771487519,0.94362203157,0.485938430262,0.237696652704,0.86845477858,0.640808797716,0.804929399089,0.362588631646,0.109010837414,0.803287314916,0.0990670350957,0.670984067109,0.901383518081,0.892066846118,0.826199845889,0.30173461422,0.635007998218,0.541884764043,0.128010834031,0.564975865164,0.302556838152,0.814347010176,0.577504365971,0.39000410352,0.430517552554,0.7438953757,0.504087974178,0.551002731733,0.898724242255,0.385830696992,0.130960561615,0.430192594005,0.998875509195,0.402452140451,0.491524624657,0.97299999976,0.959702060326,0.182245873515,0.133881944091,0.260354249112,0.143711741336,0.311174982885,0.608535495077,0.372525028134,0.139032650987,0.630288493296,0.721814201692,0.879088843228,0.194588772659,0.187528242073,0.242720329355,0.49944556192,0.773124877668,0.297970680249,0.806489619356,0.425557971414,0.334774834393,0.614217723483,0.462449580363,0.696879677552,0.916130915827,0.642506451432,0.853145657947,0.303297182074,0.723615853522,0.462058590777,0.154459936244,0.322686350616,0.3773540784,0.168267966577,0.444984351938,0.631669591805,0.531605424896,0.879495261153,0.336674525697,0.246607867418,0.395595446082,0.315758306338,0.762181201995,0.0976854706005,0.0316494068578,0.921200263686,0.905365454304,0.340716114341,0.939833332004,0.0630201758728,0.520443150539,0.249594920396,0.647936680138,0.760598352756,0.930262272819,0.430578803685,0.272688420219,0.399796497434,0.342075855116,0.245314716958,0.449961341684,0.708058547479,0.256151582134,0.72377999529,0.294968567984,0.113030990451,0.813782476638,0.68309559134,0.813276453421,0.721883791038,0.0457922139088,0.224959953459,0.16000574662,0.278318340245,0.244925317401,0.190020734886,0.36667857994,0.944104109251,0.044181312148,0.180979246543,0.962067302777,0.667562021944,0.967315173482,0.761016910104,0.933469008351,0.328182979781,0.365805529252,0.730869020499,0.730528752304,0.771247675618,0.808959593709,0.71825268239,0.174370594261,0.290880844402,0.801622681973,0.0468800234311,0.377493199439,0.0379082049303,0.230664804492,0.134580698443,0.436089972757,0.327159163001,0.50951962288,0.613278698323,0.554875019017,0.240964045162,0.0766193095212,0.604197390474,0.978698123001,0.709885566232,0.130184715561,0.0953595329368,0.0437619593589,0.31142652154,0.470271524962,0.926618929889,0.424911249402,0.400980982755,0.591690712831,0.968180003507,0.99002890856,0.164885841418,0.951139236396,0.240742860245,0.796018580933,0.499236230233,0.512163408183,0.100108739551,0.0468216918967,0.76810205696,0.421250750355,0.684573820245,0.113986049753,0.329356052457,0.624081184364,0.772060517217,0.679084834222,0.607511304843,0.291826403179,0.384392370187,0.294481641124,0.0457887754178,0.448220651713,0.243646343882,0.614539585409,0.268266676197,0.558383851148,0.981933186864,0.899582478166,0.112385426016,0.159088806305,0.715993306137,0.635621751331,0.704574291909,0.476061848136,0.700120370528,0.738241431009,0.386706928455,0.0248472624329,0.525991570651,0.528611576057,0.765436659348,0.643224838145,0.347870558204,0.93205502301,0.392661267866,0.505045637508,0.066477843279,0.177045131404,0.194087163633,0.757972483224,0.591004731399,0.313203063752,0.0774997230508,0.530712394533,0.0884793556301,0.379049014438,0.471838098501,0.813751060929,0.401303586776,0.669672355449,0.503033357203,0.714667307638,0.742024373816,0.472292311588,0.369747424606,0.907984327718,0.295970591258,0.637249743531,0.260881365897,0.359191703655,0.0764383243639,0.778973351411,0.774891443145,0.0921763166789,0.173724164166,0.956530591993,0.611908539953,0.108491873996,0.685192183857,0.873528320476,0.238438490846,0.326279373921,0.044370591884,0.327418066461,0.482697201129,0.785160641066,0.959839802526,0.0389048969951,0.852234866205,0.635725880743,0.842329496967,0.546646678489,0.163181331581,0.484902467205,0.451762358278,0.898336993231,0.459156751002,0.297635256964,0.487727004345,0.561511385924,0.472642412577,0.262557232458,0.72166324049,0.908375437933,0.651695175172,0.91649174219,0.922312463426,0.554426251122,0.557470099929,0.38368627168,0.127330660849,0.201862918989,0.00954930916011,0.166770524643,0.191387194621,0.730778094125,0.722899969942,0.947626157477,0.0826307159448,0.350040539113,0.898490205112,0.663318702175,0.707452305467,0.33830565515,0.323597211347,0.879850097618,0.482365813728,0.229866200702,0.0699940903334,0.615775421994,0.96706353252,0.959681503989,0.562370844739,0.746087602321,0.601044902825,0.756671664165,0.457027217598,0.960218100164,0.20277091634,0.524836049161,0.657014163156,0.6247493,0.23220687866,0.9715633696,0.518726990206,0.247921550406,0.120677421485,0.291050869289,0.537110025843,0.117860838314,0.320186732759,0.165437146625,0.112212722855,0.522977916554,0.657721156749,0.497075025064,0.106112532098,0.337897490565,0.860515576409,0.907284469574,0.186341331707,0.64797215489,0.33840846632,0.780186418223,0.993514846997,0.867475575302,0.880618664602,0.673312248444,0.114246661669,0.947598897255,0.215113438414,0.102146956497,0.87838654897,0.373781819429,0.664246321935,0.638086181146,0.370587457405,0.488495838448,0.0405460021253,0.451135121554,0.502355965717,0.210524138893,0.284786474434,0.557596227804,0.0864135987207,0.715311096774,0.000598654615226,0.994416819305,0.761890235717,0.451858041833,0.195564669527,0.258905244591,0.0501280725101,0.388708169524,0.174919102451,0.835463979169,0.58929458889,0.557728095294,0.894668273104,0.182575483114,0.47989488028,0.290730175417,0.372280364007,0.0625625002707,0.354946058716,0.683384981369,0.0177754066719,0.0158013330354,0.459494713738,0.581781811254,0.48906556772,0.485347140029,0.212151608457,0.0625221657065,0.899711863166,0.43633629898,0.150354722474,0.379782400923,0.49851437278,0.0329842609279,0.615805937721,0.171899759119,0.867738771095,0.493421550254,0.856906111141,0.1626790087,0.883692876042,0.579683776739,0.461654662436,0.274392146793,0.752774065041,0.987960506199,0.92363246962,0.373725231952,0.917742414508,0.329919359975,0.259404327654,0.86712599701,0.334918990169,0.483251763993,0.434161544434,0.525063548048,0.845873048484,0.989477164423,0.62666272123,0.427429472088,0.852851680196,0.877211302979,0.369314786716,0.891919665632,0.936628871077,0.195749558031,0.66882545192,0.818878512946,0.675051184083,0.181709621638,0.836272556134,0.636845533854,0.352165230221,0.990893993129,0.631031366612,0.442892204559,0.0184751641337,0.920275498015,0.537376692433,0.280514019101,0.126351284513,0.542091028136,0.195438180104,0.299576450966,0.538625719731,0.519727481001,0.275307426519,0.123450904245,0.213617507071,0.985637475566,0.228029338166,0.290259461347,0.0305633070791,0.748243540764,0.804122141541,0.0206833086332,0.923556798128,0.59230364693,0.563927365732,0.824617662425,0.210247129749,0.666783441247,0.0283757424706,0.887222545307,0.0812135526614,0.359306077406,0.193910615516,0.780524715746,0.214390213595,0.0500960784256,0.813292273464,0.275614199777,0.882241133192,0.995668767697,0.544363695985,0.661435718325,0.752580527583,0.210325560701,0.505738712883,0.959871023924,0.802638467305,0.512615581514,0.509045199371,0.421606625576,0.760088837704,0.196115115187,0.937475476146,0.00744649202253,0.738200036458,0.260801946235,0.452677369552,0.473454353105,0.1619649591,0.0136676962083,0.579115473671,0.89636598033,0.54411561668,0.448818045867,0.834322287596,0.00269072979064,0.42431276354,0.570752301359,0.125096753432,0.154160816724,0.797451198224,0.689512017769,0.0654739443596,0.00250619694483,0.356089026701,0.761410000822,0.895575057024 0.941179826402,0.735400183435,0.187618313748,0.0970695951719,0.18721357708,0.875892876376,0.925299630697,0.331764770348,0.312255411806,0.265947562546,0.105083345676,0.191078546859,0.480906349167,0.603493561197,0.254689706714,0.352062776385,0.872029446994,0.33600750006,0.0988316222539,0.828010729154,0.921713691719,0.108726803266,0.691585056701,0.960279117953,0.760299666563,0.894725870566,0.342352502071,0.685925841521,0.610321243006,0.30067636332,0.458303851423,0.905144876776,0.350562775061,0.234151655511,0.816364982907,0.772016738917,0.749256184065,0.412146007839,0.281307420598,0.97473436036,0.969647014199,0.50749282196,0.275525440813,0.878264898218,0.0931059272267,0.378213851566,0.218156217792,0.421207974466,0.691871356764,0.306013999091,0.451352967308,0.05281416044,0.24102852344,0.261574824289,0.806178989131,0.897750158401,0.297192239181,0.112334643565,0.974447410919,0.549825124846,0.548756154079,0.14614993668,0.906021446803,0.777783601479,0.634482447431,0.116100979998,0.301165959661,0.533511464537,0.0496501574747,0.027769456034,0.824722787343,0.333590608333,0.338943030247,0.473266843871,0.99597796295,0.393143135245,0.287687729417,0.349060351454,0.872703269475,0.364865879228,0.269890599192,0.853492085895,0.507733251675,0.69123514261,0.366817096861,0.900875152826,0.406337086699,0.618391708771,0.535438751108,0.822776136118,0.181281618619,0.953744893745,0.130595916199,0.472020809213,0.066716416491,0.504336756793,0.394980673059,0.163125170979,0.408388749025,0.0419590240784,0.0499792308088,0.514260172837,0.304662513302,0.922758779364,0.874944053776,0.788716922959,0.136673470942,0.83530799586,0.0568941346395,0.622331711701,0.0369304653662,0.384249545421,0.65631552122,0.323721639431,0.419274756124,0.836018620227,0.886311274599,0.166646151974,0.285256799353,0.710401253493,0.108711134511,0.531095891306,0.277710367147,0.813665702495,0.666459606535,0.809757820441,0.599058674311,0.548170827612,0.118341604124,0.940478020957,0.352924659036,0.91345184011,0.154349138146,0.626923516447,0.96901890414,0.45868818194,0.602123797781,0.426513640563,0.608925111087,0.118438547121,0.810992075398,0.625838646247,0.712695908383,0.652432134301,0.911061202193,0.714486308124,0.625956956602,0.301077888018,0.452414376033,0.469286613021,0.0828962748205,0.661428492243,0.712893484081,0.889255316177,0.160495889023,0.478155847206,0.217921068081,0.654525399922,0.237189264291,0.0077828600468,0.254749183036,0.491677512245,0.347879827878,0.785548461266,0.262609978913,0.0940821252144,0.0798735234171,0.899775513757,0.686876370961,0.819378612157,0.0647924290807,0.897492274562,0.911232358467,0.169665142962,0.52672088569,0.943149421729,0.363857211521,0.441437859738,0.668475546229,0.1790340169,0.146368494695,0.209369663213,0.971311670833,0.937133107829,0.220157999088,0.503431930645,0.0322566601101,0.756369355582,0.36846589006,0.151881311852,0.969814518557,0.210800953645,0.674955371802,0.884203926046,0.112457849443,0.390850415748,0.860522914203,0.409662108514,0.635475570794,0.185709636727,0.00161294983114,0.61353172927,0.33861340498,0.380238345091,0.500593695195,0.192185882432,0.656577756194,0.585618038146,0.880708321781,0.656705655022,0.337772231499,0.83088987,0.196514473233,0.133947953747,0.891030984791,0.252792437864,0.287298033192,0.945496523067,0.242341776037,0.914511193574,0.74285476954,0.0898202642143,0.557070714815,0.242618389363,0.695322180069,0.141380363283,0.976882233657,0.862904092576,0.135693301048,0.269177988581,0.257892737212,0.825050043021,0.796216112347,0.362938053407,0.921132699793,0.877012283578,0.562329925311,0.873690205959,0.215627324887,0.458640476467,0.0544942920664,0.536726425346,0.664173210806,0.116688372428,0.886179589753,0.0235352304962,0.852864821413,0.755907881318,0.573697485016,0.918687814268,0.591025190443,0.853764937945,0.960662583505,0.627079870135,0.568278628676,0.725140014077,0.936566827339,0.0849488300328,0.32771361532,0.234328030784,0.0945602147298,0.740765688616,0.804284251781,0.773066070217,0.665377864752,0.191535351746,0.0174099911905,0.0733804270074,0.164811501377,0.321442325111,0.544952376686,0.794902849362,0.170361610073,0.56744208085,0.663444140707,0.503584699267,0.854516027775,0.961582208764,0.771904111579,0.947843054328,0.571797684168,0.104014988311,0.621699110726,0.417965751214,0.372787195875,0.617035791885,0.187256802299,0.224938455572,0.339334892313,0.207836367452,0.398502866211,0.301642941029,0.00602716743816,0.833221040626,0.801758473192,0.884510659996,0.748837322098,0.909381827339,0.315092338724,0.20440128945,0.81436326011,0.850989131456,0.771769723234,0.727087555637,0.84726687854,0.0515585825286,0.93126668187,0.51486110959,0.214063101144,0.996072007641,0.17000793413,0.233690009046,0.46612914251,0.342913172627,0.278715104213,0.165986657508,0.36137737425,0.410048197291,0.810882135765,0.970867141768,0.524122215132,0.595585287612,0.866721263884,0.902995245818,0.779560474014,0.132941925596,0.520910778492,0.277110743357,0.0281946738828,0.12271507128,0.457881242117,0.951977071438,0.202215224881,0.520558686453,0.30731099312,0.570658643618,0.531362426532,0.243576278716,0.251209757566,0.575052534799,0.152051668185,0.564945299765,0.874108183246,0.47859259257,0.0827424623074,0.475606986361,0.944488471043,0.418155466328,0.464479300438,0.229949704715,0.473234701612,0.810494195759,0.560182968561,0.476640159505,0.889861537212,0.819747781962,0.207220750484,0.290190436585,0.661055168595,0.529334161257,0.122722253198,0.782570778503,0.778377144528,0.53665905397,0.361427285344,0.22994175315,0.889109179671,0.490718008568,0.0133821631551,0.0186852865092,0.555870722251,0.411809811882,0.926940623395,0.0981599205416,0.581958064227,0.149374301237,0.661293639426,0.643636007628,0.416499029285,0.106494006899,0.703950371202,0.407090336859,0.83038843587,0.36088865876,0.917235324151,0.0909890070545,0.122865944491,0.0795132349664,0.162189491609,0.193058419006,0.185414537795,0.0357791377626,0.656706006541,0.950752661612,0.158996365265,0.475000672439,0.278644690916,0.523924462282,0.595841032941,0.539043826152,0.555119991559,0.330190370817,0.106545041013,0.0262692710569,0.292749381924,0.69016975996,0.163027745167,0.254246527585,0.201545638387,0.700389232865,0.923955180593,0.0783075089571,0.929193244395,0.30784549946,0.0126120711853,0.74307881995,0.351649327954,0.533550847152,0.147399621524,0.0737597645483,0.569201192512,0.12613846136,0.621436993025,0.663726955997,0.288208883514,0.388461740221,0.0699757396891,0.327195280345,0.378788310687,0.0182861251388,0.616024548274,0.496186925572,0.53876143346,0.24614283838,0.0611638226641,0.83418778172,0.727062113236,0.595675318681,0.71886006959,0.869896145807,0.670144347049,0.533469210239,0.785585712774,0.346131679555,0.36706979247,0.310253807742,0.0574452417417,0.137389687151,0.930417679139,0.340881645836,0.453719449619,0.519949792053,0.7924254885,0.336504219293,0.52513678581,0.86210264517,0.377565265916,0.574973259907,0.404822169286,0.37788258433,0.626602202485,0.119676911787,0.335157625138,0.0463848816995,0.869822053637,0.63197420706,0.555010668131,0.270386494844,0.387669307522,0.315272080672,0.909878768022,0.484631026519,0.86159564542,0.855975578903,0.631535385574,0.813219078466,0.473597070758,0.84113871093,0.602579004574,0.626079803393,0.179914209487,0.361795825392,0.905744776541,0.212247163691,0.101867196304,0.838455418578,0.833184825675,0.142305508426,0.515311339161,0.970639126041,0.900588418997,0.500037218265,0.359752056903,0.460376969856,0.77226222834,0.115067996068,0.878469922782,0.930015295649,0.0166737989599,0.955940298735,0.343578855675,0.947702625147,0.339022008237,0.900334338437,0.731981106463,0.216282958925,0.124434178379,0.916934402083,0.0479700925546,0.209724243068,0.598375302178,0.550349053888,0.571792195078,0.999663904197,0.459818183932,0.183550805752,0.721787337699,0.97051644385,0.280257111329,0.842794204311,0.184253821885,0.787884950693,0.937610429682,0.565981249438,0.164079127073,0.409111007226,0.763645751368,0.991379619698,0.922695724696,0.30822744205,0.254153322321,0.859070816536,0.147638269812,0.970632024806,0.59533457564,0.169873813931,0.325314939049,0.24175733117,0.761577756461,0.751609239598,0.236317390577,0.171882144998,0.0328649692949,0.830078738551,0.0173249068333,0.77992429886,0.0189466827149,0.025772088473,0.250724924224,0.512508126421,0.019283773627,0.922034671685,0.31281659965,0.694996109943,0.75007056131,0.176177970816,0.613615209026,0.219132894698,0.633414051724,0.373403314245,0.69023318783,0.999501446567,0.737686019903,0.132223510572,0.0126169211227,0.299800983087,0.256964886116,0.85394543979,0.629399125741,0.97745639838,0.624827046825,0.0670391243803,0.512070564994,0.255285076034,0.909683201214,0.112145232241,0.300705823995,0.0673602304489,0.859244814216,0.854714101485,0.826776150533,0.105852271418,0.644307182983,0.280790354955,0.817406485107,0.401932861302,0.707602922322,0.57342535639,0.214136229577,0.795157529526,0.151228795502,0.423032781824,0.527212342689,0.14160153766,0.537209909054,0.440090945602,0.865542829678,0.733966548716,0.0797841931073,0.576219849539,0.455001234681,0.777018666464,0.522383777039,0.991983579985,0.282302959512,0.980771454646,0.974731358417,0.517797885145,0.0151456924441,0.135177943244,0.153660661547,0.774981921669,0.635887497099,0.220522927355,0.0187105912955,0.500010044034,0.0796950906697,0.0238248857334,0.860709833658,0.508214887879,0.56394988377,0.492488572105,0.928559075199,0.681086694203,0.303479797903,0.0472759882393,0.596519227472,0.547005545148,0.650696787747,0.194970470982,0.104121142561,0.452285668662,0.9162892796,0.841970813852,0.896638840698,0.316972646985,0.250666867181,0.128204286684,0.166787009684,0.755066615091,0.801447036446,0.471749258044,0.498476165612,0.69200949463,0.386322431671,0.0157327096602,0.445133847799,0.432311071058,0.701092439452,0.147472424497,0.0109002403215,0.658321378118,0.477121947359,0.979615441995,0.64205209421,0.190713164776,0.954960750692,0.440115208321,0.350268440603,0.166953037238,0.0989718976451,0.650680495663,0.214602349153,0.639371838646,0.702154281473,0.797061947114,0.295921523883,0.527213675795,0.795952028684,0.22999609098,0.247246662906,0.52374893819,0.782823154513,0.621767867876,0.588871847273,0.506584892754,0.432979424078,0.576781637519,0.351526684478,0.73280087008,0.267674933859,0.142355881145,0.628121758018,0.805158729693,0.215436850914,0.730581007694,0.458299268839,0.509198322309,0.252198673131,0.689194389472,0.818861005886,0.601708688059,0.207115497249,0.912104394126,0.559255676884,0.0300967570179,0.914871382328,0.0195540390786,0.686643688601,0.266262417665,0.0567300438716,0.657063572645,0.196524214885,0.489221120019,0.216658841362,0.580520562831,0.16314746795,0.263491080391,0.540198276991,0.884327399229,0.999589469935,0.837985299412,0.300695444218,0.508637543123,0.0262185942981,0.671582139452,0.0342099560088,0.221085427947,0.314606937804,0.911134214726,0.199725476942,0.207124667031,0.821526069887,0.207246511328,0.880441504771,0.16935298827,0.903007309766,0.672877951581,0.899782768314,0.701047160489,0.483026464457,0.823012899915,0.492725556608,0.174211540298,0.913618200692,0.339596480123,0.812126487136,0.126683335823,0.160768318278,0.600275557403,0.907141262848,0.645429885234,0.0722515297318,0.548551389953,0.681959292592,0.374137555222,0.893162879146,0.548789092655,0.0879996746041,0.246524065387,0.761861313059,0.478216470194,0.729184798302,0.111884891824,0.859290731486,0.226790606269,0.632871261319,0.388878142255,0.724864765239,0.0419337815391,0.911140336057,0.37310430719,0.131945840254,0.869055461332,0.721124144324,0.0330305012885,0.465147919114,0.29759330625,0.87555172008,0.990009518427,0.777879409999,0.196608982059,0.190390909456,0.688827422054,0.192058078463,0.655608120214,0.835607685861,0.532289610989,0.790979572191,0.85928543674,0.62471650839,0.207349971764,0.518712564525,0.671762816716,0.994633800107,0.96059126773,0.976941002808,0.417040779247,0.185384158822,0.846657723769,0.00299985671022,0.0216493859916,0.674682975443,0.105860898034,0.673861752291,0.76315899661,0.974840074262,0.277569410734,0.620149212823,0.123261329912,0.0288240576125,0.720088527571,0.640505281021,0.774901239672,0.378114667222,0.387119010722,0.365174840732,0.576564893524,0.658599054259,0.663219171986,0.525135287681,0.63631353582,0.0957210895098,0.189228018,0.227603689362,0.647960171403,0.0636424169587,0.930180613498,0.449918578302,0.748572946574,0.410993034256,0.519667142695,0.414142246914,0.337546320429,0.93828906153,0.549687602091,0.157762296879,0.0349060261303,0.58629551459,0.378976665061,0.940982176502,0.484631143007,0.921618350975,0.274751393846,0.382066008606,0.349189754127,0.824819778403,0.663927075293,0.438057367877,0.706654211434,0.883667351463,0.0741761876015,0.0504191588588,0.50124234559,0.362406851567,0.0885828147528,0.470065812886,0.894710121736,0.114441009081,0.178364725063,0.539916162779,0.284801296358,0.918239667583,0.36796303632,0.483005269697,0.430867809465,0.143755068509,0.58350510732,0.594249488412,0.676144888781,0.242177492978,0.199474214016,0.955870403799,0.127021460338,0.455445704025,0.777343335168,0.715824782847,0.0889922531985,0.90419368731,0.107744308288,0.802654828176,0.701358828839,0.455041338203,0.953954697715,0.455846920405,0.807929832139,0.987441344601,0.590020427138,0.0674346169768,0.660152286978,0.793590945873,0.107566388043,0.129638028484,0.0170314899766,0.712817620268,0.729681132056,0.640185531413,0.667156564485,0.0933198389157,0.0493564594901,0.985608820276,0.429363726085,0.713376316841,0.609997024918,0.796532945145,0.049626032677,0.222278276878,0.929504137383,0.728112018936,0.361909851683,0.00546430010195,0.541422515627,0.662151205925,0.743122863535,0.497046861027,0.0743949784286,0.226621160941,0.633882078882,0.248549860068,0.681190651718,0.411716079063,0.110122305869,0.40748764484,0.99006918398,0.703999699084,0.430861861494,0.490201157277,0.188482588792,0.400012381067,0.487052340169,0.50661824547,0.269018240444,0.674151569969,0.9369968874,0.0477700568719,0.26203085529,0.0401361483135,0.0558868710793,0.990613956735,0.240949777802,0.969014637052,0.226044580387,0.427527164062,0.427618459003,0.275977673853,0.442544509,0.588536169038,0.828401630214,0.76789293698,0.855782502649,0.15104708823,0.218847758325,0.696041101608,0.093799729998,0.518732264869,0.300728660384,0.344636449153,0.587593876188,0.367699508712,0.881589410029,0.0225436543329,0.816439542994,0.798660702908,0.692765747242,0.839589727501,0.92463518592,0.28711172769,0.472278130948,0.150309287287,0.989897205659,0.074533570965,0.543604125988,0.105433298148,0.817119235843,0.746339838814,0.20255179653,0.414803194446,0.912564274279,0.675051599304,0.172210254622,0.909435276575,0.0834732680722,0.0448009241387,0.515429324982,0.723484723263,0.574360370925,0.393316605612,0.666713498908,0.865453986606,0.0918608757418,0.0963873225293,0.950028898018,0.289201750266,0.780981226548,0.470107683965,0.237220700842,0.534959499073,0.490739250652,0.719591850782,0.87367495057,0.531964916503,0.200839642291,0.394265040683,0.626807321187,0.109330470738,0.275847602572,0.242941471156,0.21108952195,0.428590896449,0.241970558041 0.290410622509,0.0170777351135,0.881995883327,0.592595866078,0.364397141328,0.389960764457,0.23643046364,0.948510669251,0.441124772474,0.00648298754758,0.362023989614,0.568188211748,0.447471998679,0.324390745258,0.831273674731,0.175626889643,0.765993984455,0.676780663692,0.319783008326,0.0290745696481,0.928427370839,0.717173048651,0.206582825149,0.274257848891,0.62183237489,0.218829452481,0.707191812249,0.399798545805,0.855793111031,0.446218735597,0.810765291668,0.0972224116945,0.349327825574,0.598674883571,0.168330761274,0.749808002518,0.576786308212,0.426088649556,0.905727058581,0.0987433554873,0.188662696794,0.110215661629,0.294411726388,0.554264421569,0.0781715514402,0.391450082171,0.908994238737,0.121053023427,0.534073387852,0.738780459956,0.268258181532,0.610178810849,0.120411493752,0.0254542768542,0.850062109678,0.830665025838,0.457883699999,0.62836792601,0.882778236456,0.578022458606,0.892703481421,0.0399596877226,0.581171842745,0.257888983938,0.675747141493,0.660821727382,0.211028379513,0.537859099656,0.923642615006,0.122161161664,0.945413322777,0.467266431174,0.219974992194,0.809401558641,0.380420454854,0.807455074472,0.717239724021,0.269798796221,0.795267067912,0.544815876374,0.0742693854405,0.101651803232,0.0167260364283,0.678253704301,0.360224731071,0.72743112895,0.361960693066,0.20903504135,0.930664418291,0.881572442966,0.446856392806,0.113868162673,0.126319655831,0.35054839421,0.655087891872,0.448623768693,0.3982329328,0.438721924118,0.398256765543,0.893711760084,0.529189921143,0.998439832757,0.867401177102,0.616436072301,0.747840338237,0.742420248311,0.79108606797,0.229941133749,0.682141956152,0.91281775476,0.580043597155,0.939501065698,0.117473015964,0.349034304646,0.751172079055,0.619137729583,0.61867442716,0.0163331344475,0.913948728639,0.0326545762257,0.937263207743,0.365125813043,0.995806413882,0.985476541191,0.0287387929649,0.303147558677,0.699060153799,0.484080231374,0.944585636764,0.998364387893,0.607243626506,0.520536206794,0.714502775527,0.513662068158,0.322012546876,0.876040847473,0.137739250171,0.540945590693,0.113375584044,0.848273336394,0.642982525845,0.370933949511,0.0598722525631,0.340665288006,0.213312520677,0.200052988723,0.919791882355,0.999698112757,0.197523214546,0.114453261967,0.948141122624,0.355709105355,0.441077577591,0.913028220484,0.134469576821,0.942554133192,0.843650730278,0.00669703795494,0.444993606918,0.144083621139,0.993272457039,0.357206532233,0.713245703021,0.222966963589,0.51784941011,0.111841079166,0.940246559243,0.0972098705514,0.661871187579,0.392257656975,0.965017365967,0.398370552647,0.039318194128,0.544464112531,0.932741553057,0.611607758653,0.910427874193,0.101231012409,0.0905030468831,0.463102939952,0.647555296341,0.823410297995,0.44510791462,0.121734038835,0.342078207359,0.683838680541,0.136375832489,0.599154072233,0.301065724102,0.655878029609,0.696154597777,0.514848165327,0.377586508368,0.318839125898,0.715164285575,0.498707762593,0.518080741373,0.255356780064,0.579066245048,0.565119701431,0.937836744824,0.532268502939,0.804323098991,0.801891982359,0.412478631466,0.917628027918,0.978696168507,0.786397346074,0.523739396996,0.738417039526,0.639140129226,0.642519597671,0.730192963285,0.138816564071,0.169099127984,0.620384171655,0.752911138115,0.689623235173,0.84221804017,0.507024601369,0.42575551793,0.15065957554,0.0344461864438,0.996693287771,0.728592602331,0.308517379061,0.760217423507,0.263678255853,0.450576855292,0.0947994066009,0.197281395932,0.198031841269,0.0152862750419,0.0727771154754,0.999985573444,0.830880443991,0.91073417441,0.0149561550442,0.340843095097,0.997625489069,0.177003767168,0.41123673757,0.638251459551,0.299474668085,0.243378986444,0.346916705533,0.274924471715,0.928024242227,0.5330652043,0.333151055061,0.513108047902,0.297989644588,0.833212829065,0.414511377764,0.280636767359,0.230095493387,0.0540841968431,0.703101943793,0.852694358189,0.552796240603,0.0989575690184,0.747247276881,0.81924955912,0.0154581864254,0.496845763516,0.561655297958,0.26398210472,0.333786645258,0.915410302706,0.7072018579,0.919077303054,0.570261634957,0.396851148375,0.75716591443,0.779739640012,0.35223729115,0.644631823094,0.786675249554,0.405803823051,0.918758006899,0.414666065357,0.68868792242,0.261371767104,0.404397624002,0.726537683796,0.996022145611,0.920322285156,0.942602721139,0.338939734805,0.357480278562,0.263229823302,0.715189114478,0.547341249834,0.331809107079,0.51963666836,0.862467530925,0.67157138267,0.783827288682,0.376447965372,0.475877545668,0.69668165912,0.87679612089,0.112798590679,0.16159285799,0.51181558841,0.845687173185,0.0891557577649,0.29453700349,0.764726484459,0.586569968173,0.534658026425,0.701897517321,0.899584014251,0.420008423707,0.820242831442,0.253987969117,0.531023758018,0.519003232936,0.918853202168,0.215905337367,0.354042238467,0.146517767799,0.637997748513,0.648170851033,0.352621121024,0.368640975823,0.0317811549184,0.699768051403,0.219213781645,0.0405677552461,0.652157932077,0.796657323488,0.661233008035,0.113170859058,0.52400865206,0.598329336052,0.232917953002,0.527614602939,0.182321364253,0.66601194314,0.0181272462342,0.296125562946,0.141588717197,0.42856530617,0.0742747930741,0.314116662747,0.997963719656,0.611602291657,0.576376116476,0.588939020231,0.148067314639,0.241134132747,0.100617545936,0.152120978612,0.873766029526,0.510993057338,0.530705148654,0.758941940907,0.710859957841,0.549864618866,0.614051622986,0.749999524299,0.552430783886,0.457819104562,0.360815337193,0.63563094097,0.630315470706,0.85102481989,0.0193465261607,0.596329864823,0.579155133186,0.620669201594,0.728103187061,0.197782584029,0.898211343756,0.982902860868,0.301362514952,0.648592605113,0.49242629448,0.815069310912,0.586062020196,0.15875394456,0.612172110826,0.305131301607,0.288684591559,0.957758521799,0.562716085667,0.931164160982,0.919545971023,0.714364107926,0.554527794734,0.510630481555,0.286290568568,0.0110735844443,0.272914857522,0.713330423339,0.972592954677,0.700343851156,0.668974473103,0.434336827732,0.46064334276,0.859986583587,0.890852170193,0.785411085149,0.952768435221,0.0530708573582,0.253533062172,0.568727584242,0.84548121673,0.497423450869,0.910063073469,0.219570903642,0.515148949248,0.539074517818,0.901786753391,0.296558803792,0.756322480937,0.207385942222,0.577314228918,0.543054410809,0.324409054186,0.563703401603,0.333030399647,0.404726359945,0.609358289023,0.892283437447,0.905430895775,0.663732144157,0.571915026113,0.779527686325,0.663887312209,0.381326564119,0.170454512634,0.398554987591,0.579061020581,0.767719208748,0.749405036394,0.685165509034,0.858435336233,0.0491226195896,0.0671425297062,0.220146214242,0.857273190331,0.752806836412,0.505179021951,0.111374272784,0.295005894526,0.501709372608,0.12574575892,0.469489635727,0.595413385548,0.321290621525,0.577115587947,0.826270969248,0.407406839151,0.886903611918,0.0931454383371,0.509624020388,0.269124212601,0.689407690351,0.76080891966,0.417577427622,0.910030873553,0.174161018205,0.978577468917,0.0487762590892,0.264582872013,0.036285231801,0.834675271881,0.754146789378,0.285283697209,0.174104318417,0.279395736134,0.449712006655,0.639984591865,0.56832145066,0.140962676158,0.359152881592,0.233926796057,0.301709322481,0.461884087527,0.471287075095,0.68911598038,0.0437814847828,0.483491902427,0.415004828713,0.90575760111,0.0144390717334,0.20986940658,0.396138098626,0.379106394578,0.856565158414,0.333707999358,0.372493811017,0.923794178733,0.0302954496503,0.0308663080053,0.134280854894,0.305774833588,0.746643321764,0.186726923575,0.647452929247,0.797451969893,0.0912415929884,0.10110761146,0.598568062025,0.56682991177,0.232897424186,0.631867828208,0.784774607086,0.718205871757,0.000397245776373,0.128615698133,0.331722970393,0.798139087719,0.96415729965,0.961570130213,0.0380848917238,0.95186085013,0.410711921352,0.273361839607,0.678812169933,0.58945789268,0.65476133294,0.458749186191,0.00293160260662,0.827277644423,0.316118227406,0.936538952762,0.63925468824,0.29288057327,0.0781986829291,0.0797428011607,0.106770791257,0.517292856036,0.78582585589,0.136407682187,0.571071055711,0.025549237726,0.10844820893,0.257513773436,0.139691619498,0.738023980492,0.916272062135,0.0958695976449,0.380812698547,0.824684160227,0.0521628462075,0.118871782598,0.977989056075,0.42496646669,0.138770742516,0.727601563427,0.379608276864,0.990874139157,0.328301728764,0.316594696279,0.896877054199,0.827776918638,0.945039245841,0.732234224178,0.896015465691,0.846049273524,0.774746735157,0.95647736292,0.179525863566,0.378327395396,0.000492166834617,0.172573264698,0.624753278421,0.340644556084,0.480037263201,0.928230972426,0.0813479433033,0.047216156262,0.701602871179,0.659661621122,0.701468076946,0.77454084758,0.716744008421,0.0711436304279,0.877852535932,0.460637733455,0.0279517975873,0.274602598141,0.704950311306,0.923182458465,0.879240762229,0.392890099691,0.80722316444,0.447274755884,0.604345778861,0.653073080793,0.16369166464,0.081926241558,0.0237897886469,0.289696703543,0.534102842853,0.123880423914,0.626292125285,0.505845152803,0.522201150128,0.821942802852,0.343616463199,0.485271859899,0.48797913252,0.498406117581,0.181168781745,0.297324855013,0.090110600966,0.936090882426,0.361246762923,0.943625967116,0.487446120472,0.648499702362,0.135371075038,0.246155090274,0.707973800602,0.93059241941,0.0484325000687,0.673472868612,0.136590402215,0.723326844758,0.183004857524,0.606337842673,0.380577496414,0.658044601213,0.359671254265,0.30744431931,0.714832530359,0.0721353444053,0.99962803212,0.965397921317,0.207561040268,0.433326633752,0.58633501857,0.499510811172,0.214584819623,0.4481531389,0.0344491039263,0.822475683669,0.355481214528,0.637007324279,0.907692617343,0.83760677465,0.328607400656,0.631270930249,0.569360024392,0.172499197935,0.85894000241,0.391722661569,0.493007720153,0.66359217275,0.361175438134,0.327514826866,0.136295546726,0.103006384642,0.0217683193773,0.733661132717,0.339656213518,0.72710135405,0.358677197929,0.239045730032,0.46386552813,0.843811758922,0.169551361359,0.875051545612,0.0658647971458,0.497735244301,0.060784585712,0.950637741495,0.0996630224929,0.86074492011,0.00573184972471,0.488445442061,0.906183836853,0.695401578857,0.937076024939,0.311981947284,0.436440969451,0.167162625995,0.292944394106,0.548237116047,0.378077674032,0.398336666053,0.624779915994,0.648853808187,0.690810162388,0.112715404014,0.853201628845,0.223450583892,0.325294746885,0.914410021,0.519721976861,0.964591324024,0.198524148755,0.959169727626,0.775064858407,0.0660210304292,0.00904783873701,0.214461399592,0.940246019547,0.285793268101,0.690735885416,0.372464373035,0.653664469735,0.436204023201,0.510193296589,0.489142381227,0.0466695643483,0.404660028743,0.782224337049,0.116717091147,0.74446456382,0.224278405339,0.713896178611,0.934864421343,0.515533513151,0.451700426392,0.0451023620419,0.214310533427,0.613816751923,0.736374775544,0.487768868713,0.792597110314,0.086381389355,0.184811572496,0.271569711335,0.756544834396,0.794952284068,0.208511786591,0.635343774047,0.121310574936,0.912600828247,0.323065626148,0.337472136001,0.28880410132,0.370713156286,0.170546295274,0.0768040348795,0.679163923101,0.676341541615,0.448180682552,0.106664640864,0.349960628422,0.886557770756,0.223445103834,0.617286612736,0.111367592055,0.961297505186,0.563225957421,0.221055253965,0.453068502836,0.51471939871,0.991093385522,0.528324061023,0.306901633539,0.751107324906,0.54688558813,0.278211963576,0.691019240135,0.756539969491,0.711200210932,0.583458092361,0.64140802664,0.00407957811981,0.0676409551779,0.326070409619,0.419553986987,0.188698360811,0.480600696494,0.724947726083,0.00633742206409,0.666798030443,0.524509836831,0.655824107561,0.319318452691,0.107200024146,0.823705469854,0.742749932493,0.0177333790215,0.631429843384,0.375300586127,0.42939855804,0.167487867328,0.131818152825,0.805276610461,0.599977036461,0.915929823683,0.0232695739533,0.476696118939,0.463536606263,0.281445517421,0.836481403585,0.335876085348,0.0921236596649,0.0305894957628,0.147974171658,0.194270761694,0.919820948609,0.863991564858,0.743922018336,0.963471617899,0.390483063411,0.162301453759,0.837272498869,0.111829736235,0.042201445646,0.752031969327,0.937172568076,0.365029682567,0.256403111077,0.617038275201,0.545615391179,0.140416903894,0.117123675927,0.619860895898,0.97029034068,0.421624821494,0.121854092642,0.30488148511,0.402274829821,0.824150123525,0.549177878896,0.433848105578,0.37952371061,0.781296106065,0.86521602307,0.848144992683,0.564872600813,0.203440251232,0.354430615915,0.659934741759,0.278799926273,0.528391669912,0.0469946375042,0.781617673846,0.288075082325,0.538071250071,0.581833454083,0.38430144117,0.581625928959,0.190057892767,0.082104388312,0.261353205075,0.101354604203,0.741027353965,0.311020159376,0.185194885204,0.768826572322,0.177186981343,0.668589286827,0.00700582984725,0.818309794683,0.114828341624,0.856222519708,0.19086976563,0.288335892054,0.188779596566,0.494358351441,0.441619316149,0.806855595833,0.9039279879,0.0558844214061,0.781754843776,0.924119445636,0.669365585365,0.805195456396,0.675370317975,0.538279828196,0.333287037206,0.295313671896,0.172597702239,0.795909019582,0.588593233759,0.095438485298,0.86521421489,0.772205225805,0.966302270441,0.254822337331,0.538643425496,0.83003472003,0.0255865537486,0.981209374102,0.0945852284124,0.941101022005,0.580052895012,0.965069661045,0.910401080643,0.856814403738,0.083919169574,0.627579706376,0.822948961241,0.0852153857008,0.906815237169,0.817949770696,0.429748475574,0.961185346541,0.422017879538,0.877394013257,0.402271793194,0.186427072614,0.397098358675,0.194317910406,0.377033166411,0.0254484060045,0.679886881904,0.259337779932,0.765965399138,0.438234481485,0.257148039927,0.455376876259,0.514345726218,0.3344292151,0.537091646461,0.00880485687185,0.421551468244,0.0693582262183,0.654980736585,0.540227821741,0.937568755811,0.778290798347,0.0865085020959,0.640561379021,0.0154592951657,0.627684419949,0.489726487651,0.695355887642,0.474230251102,0.584413830315,0.749063777611,0.667898602401,0.567735227747,0.400159322602,0.526015668829,0.102275649504,0.406138096206,0.512477281237,0.408201239942,0.481020626886,0.243069013415,0.938973723087,0.625874255769,0.870107706444,0.831654482777,0.590754132348,0.516785229562,0.424035905434,0.593536421378,0.877394155349,0.56621913176,0.668216525953,0.388159579282,0.420363417572,0.281531171173,0.846413318675,0.55833615952,0.342301985736,0.798655968229,0.694357209711,0.136711044156,0.702669441751,0.457976259357,0.5828782526,0.646901086996,0.167784711237,0.888645719128,0.309828807959,0.808220767937,0.0942053829733,0.175379443989,0.21699681015,0.515126126372,0.349190112007,0.952182964191,0.470833275459,0.58018203555,0.859295182172,0.241520426765,0.593787538295,0.76576114028,0.25770348017,0.0747246689477,0.537935823313,0.988814023021,0.234032817102,0.361138289199,0.937273363049,0.352075214377,0.850462561658,0.780635772198,0.448648380131,0.5021191717,0.443654549829,0.102552187529,0.434892411457,0.105181499281,0.670406575658,0.563752398038,0.405656158096 0.89727252593,0.268151109223,0.555503417908,0.937739310147,0.226331451505,0.00757421911703,0.613835039721,0.703317972862,0.137229497859,0.232509387351,0.156873239235,0.554619483688,0.93488545777,0.131291623036,0.371604624897,0.85200481766,0.925318248061,0.709563829165,0.000741582571345,0.792485967228,0.465475422155,0.672599519918,0.898358965017,0.7158930909,0.719231462159,0.656842709269,0.868754918769,0.784608909307,0.644369205086,0.340380222875,0.724206285713,0.560818935297,0.559534493182,0.137204436327,0.0474380939207,0.353844342288,0.52054612457,0.215079840132,0.496713188124,0.571832475642,0.37526773466,0.0501193419675,0.124770014089,0.931087689681,0.40356766251,0.223038429368,0.25645874007,0.758911860219,0.293422221483,0.663460616158,0.534205302627,0.262577781068,0.794438959694,0.58164736983,0.797900771703,0.192329671985,0.710304381481,0.99124344292,0.583437861393,0.598484359808,0.504690087215,0.130373487089,0.118630700318,0.261686758877,0.883867583757,0.519287634486,0.664202975906,0.0942037682612,0.532787435073,0.436533764048,0.854548424121,0.155907500715,0.292174266821,0.293168510772,0.704841465246,0.517324002489,0.596510211331,0.255408371925,0.235296727008,0.405566818981,0.695055039027,0.157443679143,0.419739656342,0.967804231864,0.124473469386,0.102992595536,0.911782590864,0.555131469312,0.732165416357,0.930168115443,0.79739654073,0.508185186513,0.262787233193,0.0739577397685,0.00797446188709,0.149782845277,0.860667513591,0.324408895813,0.365568937997,0.518762101137,0.774494472412,0.0825629392167,0.0173667107487,0.951920046782,0.243042895999,0.245837868904,0.759102896158,0.643056753503,0.495253516327,0.278290013446,0.086676529536,0.798037750589,0.708002653757,0.33303225873,0.749742824872,0.577752695656,0.514979791166,0.728628348089,0.113989886006,0.5201260717,0.0741217246261,0.323012749625,0.773855328466,0.147040336223,0.206139466973,0.122066695501,0.563824088036,0.000986318334284,0.446850892606,0.382466553763,0.0981445498763,0.752248051149,0.00669428367578,0.652182724252,0.77179808534,0.567443630838,0.487192926891,0.833356504861,0.827840086061,0.0532413444083,0.129132760354,0.560223900995,0.632552706416,0.814126079035,0.585860164254,0.396293782412,0.265311163552,0.883760232083,0.509029024902,0.740403122251,0.722342630365,0.161783778648,0.29476376052,0.642486264229,0.769823844964,0.228028587713,0.171617722114,0.626010070732,0.217868773275,0.30692060421,0.385468342447,0.923556096811,0.808399615233,0.955944923796,0.410979833409,0.768492660447,0.542029156879,0.649694904241,0.693002566274,0.256731836747,0.250255409993,0.543032047968,0.621284114583,0.351627802395,0.0732714436111,0.131462660702,0.251442740164,0.787494468905,0.937410440724,0.871621387826,0.000614704791076,0.736145019896,0.649852974272,0.998046969773,0.0901420698347,0.35628918386,0.903981450341,0.4435786908,0.672383822821,0.63117559862,0.519376563349,0.254249015485,0.391945373513,0.484374241709,0.261891932101,0.100621926069,0.890085479657,0.0313391537695,0.262305511536,0.169615340909,0.432369953493,0.317608519106,0.00917119988743,0.140290381235,0.939215628316,0.528824327382,0.0290941510741,0.883050271743,0.107579833405,0.101215104611,0.252732148101,0.856089158343,0.138444614031,0.998096965976,0.647490493551,0.0570033025678,0.118546139854,0.513322941227,0.0510025904385,0.844363469157,0.222663948602,0.299353357684,0.293015190826,0.530198252579,0.763649639015,0.514468655457,0.0546743523013,0.819281483764,0.658011597809,0.223652281679,0.770121693876,0.281364271984,0.810574366603,0.849923559285,0.175973522489,0.589311290665,0.0735085640768,0.390214731137,0.48028848826,0.661205175548,0.0737132675904,0.851823636801,0.31896696541,0.589450502043,0.275322395022,0.677772469387,0.379003337631,0.967222321918,0.341787156884,0.386547539672,0.416125247341,0.925878960562,0.826561809385,0.446120814457,0.870058464671,0.852340899628,0.267317514252,0.862919104039,0.000859582849885,0.198082119218,0.0260403479562,0.85460017253,0.562009979969,0.795724400209,0.767026485607,0.655309701518,0.953772513536,0.0663515298518,0.93906576143,0.614826356006,0.0689097772047,0.0323352507431,0.213001484519,0.304714767202,0.869810258578,0.0716638625941,0.977178534999,0.642478361006,0.500971117106,0.548509516677,0.440856255407,0.976640210134,0.456311009915,0.394897281283,0.529052710403,0.0389596990458,0.628619174181,0.255140296331,0.993776284216,0.291066891782,0.756030915668,0.296942740263,0.775188425014,0.477941427482,0.831866685274,0.0283371797728,0.798841161051,0.54479259988,0.708614960865,0.464331537289,0.344260462499,0.983307414017,0.140748467677,0.618310739347,0.84274607314,0.958564212374,0.990034990354,0.788493586318,0.0450395722232,0.0823360837563,0.74423047283,0.153709394985,0.705578632974,0.237820741422,0.680246318088,0.171671877642,0.179891942559,0.948304594753,0.463677720719,0.541402828326,0.255417854178,0.491382584998,0.46100839,0.678794564988,0.0644898402686,0.440984122703,0.87517514965,0.61757951718,0.399275733859,0.961895636037,0.880733992923,0.357358799428,0.0913429117831,0.6312607276,0.693251712185,0.852937238757,0.86604398092,0.107978243981,0.860540308633,0.969692594135,0.454557043346,0.26181197207,0.570356526852,0.317658375118,0.544764706015,0.624758106923,0.00205795112999,0.0464794357959,0.183206753384,0.701678511666,0.5868484585,0.291683154427,0.645098674933,0.954580744582,0.699464805334,0.505880070735,0.485250735423,0.193198547178,0.623048001785,0.419239406108,0.203156992328,0.772228319361,0.682330963865,0.856734295172,0.516217630289,0.479614607731,0.287988971237,0.264467695342,0.81380761629,0.261325224027,0.751859941866,0.362515745532,0.345063171825,0.719122772606,0.0269908051907,0.588595508267,0.856158112639,0.495620335373,0.409960838154,0.206680014543,0.4013053006,0.137864159144,0.592673637726,0.586565863595,0.284513355231,0.513712849377,0.835798117878,0.953714068344,0.117364979157,0.122807891193,0.308842953582,0.272658539431,0.0397119757689,0.754015863479,0.556224296238,0.534984480743,0.719560934295,0.540113206595,0.529214617968,0.324060243743,0.758570201875,0.741493260639,0.685051933849,0.188648943537,0.511691499576,0.0397470369244,0.88238029265,0.104887899696,0.765576577489,0.328872292889,0.885242103047,0.041827887716,0.786874465903,0.661430200613,0.68227801416,0.380164760527,0.573295037794,0.763779399364,0.70760738589,0.046227325492,0.629324219111,0.936115777566,0.766635422006,0.624623932992,0.00354460779896,0.794248456673,0.848697490714,0.677060369456,0.482296687895,0.948673504926,0.685459234781,0.509463492341,0.576748018931,0.155081091658,0.191974730813,0.191745041494,0.579926340886,0.99758258258,0.934220892197,0.809219770419,0.394705652138,0.0899944356623,0.375159169078,0.676641368789,0.187881889141,0.53185670308,0.233144330445,0.115511780463,0.209980196714,0.603887331644,0.809258212903,0.111926690361,0.75971789544,0.83303110509,0.632592386894,0.25282721855,0.158511151248,0.326637686676,0.832183521431,0.423196738391,0.835775869597,0.457461152365,0.0588869332908,0.161241672063,0.34973526456,0.962171336348,0.167237983563,0.815829100645,0.988167449895,0.0807099952115,0.23388835518,0.893398355302,0.451879456165,0.460854309093,0.750810892825,0.538865943565,0.464890773209,0.164139176274,0.681535446383,0.899846429321,0.898414091694,0.840193779097,0.178756774371,0.18086717747,0.0948221590838,0.345150805422,0.974849641088,0.797512517003,0.683290553492,0.953640145016,0.362451442094,0.538423924799,0.843447418224,0.0638901440234,0.996534017099,0.63656044574,0.172006835093,0.619307093754,0.191409061967,0.535491899954,0.0856309121308,0.566662435773,0.814921202269,0.208920555533,0.18054426475,0.627058981551,0.0428262259329,0.0453771332042,0.938441826792,0.330510982257,0.81102106098,0.0354323865745,0.0897949051219,0.789474814016,0.760607547069,0.195711467252,0.165765179966,0.417928032517,0.184633342323,0.126974520223,0.873627182498,0.833191464679,0.259117936355,0.969683227241,0.841652056974,0.512603340353,0.49699203573,0.909887032784,0.394001101383,0.799898562469,0.716792727766,0.415832865906,0.949848026551,0.71730589878,0.209800064308,0.793594729137,0.367101170355,0.813110544521,0.116865383848,0.104201429531,0.00360659758174,0.268564657861,0.329176438423,0.272970249483,0.937929813213,0.841722317518,0.165858353419,0.0871741491335,0.699793762978,0.842107658532,0.982801157543,0.51714874901,0.623859127099,0.832395126324,0.901206778125,0.0835366793302,0.0174678889637,0.458421226464,0.774161310023,0.398003155716,0.293797738474,0.270751806002,0.402597123666,0.803379897267,0.967113600902,0.653899870817,0.772089108482,0.0575973421098,0.837219983384,0.272632403789,0.395146298494,0.94159000217,0.848341776209,0.846858445257,0.981216670715,0.695929762704,0.936058895904,0.84314588651,0.485090184595,0.999780363049,0.644071183438,0.361933909586,0.164367528022,0.179674176299,0.718067977861,0.665918731372,0.826050203222,0.660932024172,0.0685531684528,0.922863106218,0.81103253359,0.820575660495,0.827274683784,0.843009198535,0.345045063995,0.938718388585,0.331786691887,0.715168063799,0.589932825844,0.968277839799,0.912576191775,0.686657089524,0.598327803607,0.885166297334,0.384070956802,0.237732486116,0.328407543878,0.0416904263713,0.955245075853,0.49732763415,0.354872566962,0.769761173208,0.952894151321,0.178265878675,0.0551830779173,0.411769584761,0.0475546104267,0.687637831079,0.952869821161,0.583703161889,0.105926262404,0.404808233346,0.17030823219,0.00323078942809,0.0179677124684,0.328044548148,0.658039693769,0.118094101744,0.0303411177409,0.785607393435,0.23312570595,0.793342271973,0.532692450546,0.378257250114,0.460583401527,0.293343388728,0.532502477972,0.263559277192,0.437528255397,0.815726114305,0.21510276496,0.870829726389,0.276816604609,0.0819872795561,0.927365736185,0.327087622827,0.702007476972,0.1314919284,0.690566546895,0.751553393534,0.225099772581,0.406907312304,0.293456171562,0.104887022721,0.834223523078,0.278919184578,0.875216366069,0.238705154809,0.550061826866,0.217830777067,0.498835363676,0.904782770965,0.800819052341,0.11075629274,0.077614620745,0.460888509749,0.0108763902854,0.465173809532,0.721685289956,0.277910481047,0.88388133864,0.395444981245,0.574279514302,0.928285079663,0.985127374723,0.775442528068,0.244118371602,0.599637980017,0.224468606669,0.442060005109,0.406465742202,0.833905934449,0.0647356579769,0.110671152878,0.826300574608,0.389192918364,0.183375499192,0.0151491016794,0.406463013135,0.499637192493,0.316734982815,0.268061652172,0.927695639463,0.0895523935013,0.305946216963,0.865645588951,0.124926186324,0.085632731889,0.414553374813,0.0211257090293,0.364458024808,0.88919026792,0.798569342552,0.166635174799,0.128628741063,0.358064722784,0.659172509065,0.994262372176,0.0891750598626,0.107826148749,0.868263142504,0.473626303524,0.950523063905,0.497303183575,0.565400574645,0.623267296862,0.986735858471,0.0446202096847,0.861957015907,0.526449156401,0.535816114668,0.809981040162,0.486979273544,0.652279499516,0.242896359165,0.879097245475,0.460830743782,0.31909527621,0.316005398431,0.764894212384,0.483383534609,0.807620309626,0.411004335181,0.900074392964,0.525142326486,0.540504733257,0.961338169503,0.0581806780823,0.705085941544,0.351702572833,0.0499838854273,0.401250261295,0.387005296204,0.948240070128,0.986767341472,0.116216784159,0.633682761295,0.308010296295,0.711501461305,0.455949805612,0.616586356924,0.00847044747053,0.10285654125,0.0288136849565,0.810291805804,0.590714121421,0.473057796704,0.478144352293,0.0933336260403,0.674355744203,0.461641025585,0.593102500836,0.685689876531,0.618713623976,0.780370869327,0.909082944752,0.600253567424,0.787411792616,0.674895154905,0.508828607497,0.212225853561,0.615296617143,0.297839397613,0.151629077961,0.419272641999,0.596168877625,0.736235192664,0.805095911067,0.989949451071,0.600771998154,0.938660920585,0.0158442612386,0.615093385105,0.273664462937,0.0369698621933,0.141125022622,0.2929747884,0.0368599921694,0.341412870649,0.445210265606,0.930623380946,0.505027568415,0.55659399999,0.449274447679,0.15389199537,0.916639062389,0.236280487965,0.913388235306,0.08718281036,0.989449925791,0.565832536012,0.303411522451,0.910916634496,0.382704864283,0.763896802712,0.55938109756,0.562218079317,0.974008666644,0.90518043316,0.610429529849,0.47381194395,0.519540724924,0.815872450148,0.22960798881,0.5354544689,0.903181648662,0.86796779609,0.542355763084,0.941812668537,0.287769707219,0.616158333747,0.743418357826,0.502218821651,0.821261840313,0.711329747606,0.494043375598,0.18528217295,0.71082689595,0.241266368725,0.952517959496,0.789049928158,0.0080982893844,0.255887439611,0.935683674235,0.158914056254,0.938304465134,0.673392601741,0.304391164552,0.188039597566,0.615914380787,0.915163707945,0.846896506309,0.252239177467,0.513390663521,0.377013026057,0.648603102913,0.948781902491,0.0850805600124,0.146626397575,0.842361276051,0.0130075927606,0.339031644922,0.613208784478,0.361684136547,0.150072811118,0.485337730572,0.048195599706,0.40911198063,0.483254378717,0.414542464522,0.103277537906,0.476616569903,0.889958809449,0.249822018521,0.834380878126,0.226379045746,0.434685786374,0.709880746874,0.996847362614,0.78900615831,0.558377082097,0.987511455796,0.688519916347,0.354255349354,0.874528812325,0.706735321863,0.328102826173,0.785661335907,0.478723033983,0.0583538249124,0.00101813643038,0.135429779021,0.878378805753,0.686383559257,0.364526396526,0.29180983912,0.942410910415,0.81039357256,0.207071737435,0.420681567309,0.882403170339,0.386816129634,0.739879014428,0.820539648549,0.821557595125,0.730806050672,0.411618829812,0.628451099891,0.950178175782,0.579383385023,0.243571085102,0.150035888614,0.818972921669,0.624546981037,0.924138996721,0.129161580809,0.762497901,0.915221810523,0.849335748382,0.77802129724,0.561380738468,0.29853589178,0.840928478683,0.211055163357,0.269535401524,0.350224952641,0.794895417189,0.981512255868,0.236471887725,0.779355776552,0.338514308327,0.18135881161,0.390386265223,0.658689428455,0.511495591743,0.133879058359,0.706175905057,0.940322497323,0.795520437779,0.68247843414,0.138579982896,0.975025534577,0.593886789993,0.809806141893,0.221043373109,0.10192184441,0.941870732117,0.195894650422,0.944275359973,0.654989368979,0.860671504924,0.40534309302,0.469373041999,0.929454733784,0.228816165073,0.384447144683,0.705907600222,0.891437481444,0.714323397613,0.0482960829493,0.471264783332,0.970045234851,0.870749854317,0.591980237896,0.2872137012,0.473613634636,0.62490992085,0.437987526067,0.10270755611,0.041303118099,0.155977572959,0.871856433978,0.76006224638,0.154919745987,0.0776245222562,0.142304380491,0.93978277623,0.700544579439,0.602091911183,0.0677891885147,0.639581386237,0.948022981154,0.311411155482,0.844393329826,0.979908568758,0.467224438055,0.513318293368,0.108106619098,0.511823785517,0.703104147528,0.601195187345,0.340102042949,0.556108006942,0.0936141843256,0.409668532972,0.0876984472172,0.0381747408732,0.870495784574,0.507378301923,0.807787984215,0.407939273225,0.84184327862,0.457071134882,0.0188667769886,0.942468754949,0.481178830566,0.294600423584,0.934245566544,0.571159751402,0.940576056856 -0.351411844886,0.163154451575,0.0211258609074,0.17721810919,0.751791074709,0.687322253688,0.992442554421,0.634691189192,0.742910410377,0.556643830382,0.632376571962,0.577872590662,0.637133339001,0.629824367675,0.585932370715,0.263059150307,0.443844528559,0.241243982063,0.621755370797,0.220528127688,0.825325664432,0.847149101139,0.221314438107,0.541531901705,0.0404950067217,0.333102468273,0.777761316392,0.174960081103,0.781283871329,0.4113128209,0.680102843042,0.548804985512,0.784708397306,0.00376658676571,0.0805505751925,0.105552636921,0.897097963471,0.920016161711,0.368161414697,0.0782210815221,0.824627354882,0.447101227103,0.139545242647,0.306180142757,0.324016532103,0.949957475385,0.80361525312,0.0220258518208,0.953109503349,0.941298726308,0.690662921752,0.244754153664,0.17890073152,0.891513006079,0.690451823149,0.252334560177,0.226616984221,0.508418974156,0.624840282867,0.169033425012,0.368909349069,0.766684524154,0.0114673121337,0.883123947437,0.198075786615,0.726722937796,0.944264813271,0.180598792747,0.933901644756,0.768590399656,0.635238578088,0.269938805074,0.467828796777,0.488079715387,0.807199557913,0.0499553352259,0.479506485727,0.0366035449216,0.132239205956,0.689962307676,0.279658618078,0.587243227241,0.352595068404,0.789852498998,0.445542764658,0.329485423284,0.995522481329,0.135035239332,0.754503650245,0.234746388564,0.158122422317,0.84681778254,0.779888809644,0.874898539635,0.392736892271,0.650241974993,0.820375506226,0.878195100268,0.999507335635,0.609132054707,0.0130334706659,0.795435407033,0.624309856265,0.488446982509,0.675922339373,0.990278945015,0.68206589503,0.423209767212,0.527587870387,0.993627687725,0.344820773216,0.651666853029,0.525584615967,0.250510691202,0.349010665085,0.0547450760849,0.979455943732,0.692012435258,0.853958261146,0.577091116089,0.894098744658,0.430556536368,0.499214993142,0.0134706299628,0.750287624204,0.849581747391,0.113309034695,0.696927758845,0.61039647512,0.168257402392,0.339972137532,0.721343933628,0.653058189522,0.0887645101158,0.38484285026,0.190720113733,0.685640963151,0.110028220066,0.460963130152,0.0174930761374,0.0241279389341,0.113206079565,0.771691551287,0.959798699777,0.802021745587,0.875894371422,0.311985071927,0.79621019547,0.80158668389,0.451699843351,0.831669115006,0.328325395108,0.86621021331,0.18053272121,0.84917175865,0.719701011234,0.494443868375,0.798584691648,0.585192497183,0.452173017936,0.926844379421,0.313906809005,0.300132511812,0.132356371133,0.674022331599,0.470890950316,0.788057569486,0.523781487561,0.76807840367,0.0398367298955,0.576115588358,0.732959713896,0.355414791622,0.774881764329,0.420450012744,0.73040278303,0.385439023749,0.625392065455,0.67416995134,0.94696048571,0.345173919823,0.236658371627,0.57732672479,0.732512547669,0.351509871297,0.885605932924,0.912398033091,0.647376353254,0.956884949912,0.220211639037,0.970394502018,0.499778966811,0.13651426149,0.170119181857,0.603361824792,0.395650526312,0.664025811044,0.192329597381,0.75304787753,0.211435542314,0.872640925422,0.031089641944,0.64239926672,0.260854512021,0.00808272765365,0.345522326018,0.571705007006,0.979101151534,0.974257039043,0.0524727721359,0.187348111685,0.43396282829,0.472140150596,0.703103157099,0.187975023665,0.110558622217,0.97439256956,0.159477364578,0.668397988506,0.774438477854,0.347932125087,0.170497954571,0.390514938389,0.822904629331,0.734883959211,0.335243335298,0.809095524298,0.742277480548,0.0848122766838,0.58688621405,0.677315263553,0.91125318036,0.565287379292,0.549058088644,0.646922854156,0.867332060942,0.708638512408,0.817673558383,0.0646333942967,0.0919659592689,0.579686688592,0.0427088358007,0.839512634844,0.587245627201,0.0801482673423,0.207474263812,0.02549420953,0.474730981242,0.704000947224,0.948449324336,0.858622334379,0.602375662235,0.631083655265,0.437206540689,0.408238608474,0.618887635614,0.711512147721,0.0781020687781,0.505592501362,0.326592203156,0.778945723771,0.474915085347,0.902378192047,0.488837027262,0.0756883513207,0.582250001598,0.73836869797,0.914285393884,0.00956998534576,0.0450248240157,0.587353484251,0.764456353027,0.0514890075234,0.134133592593,0.865432493086,0.645372727892,0.721815453523,0.406423318257,0.977571769853,0.675402654376,0.723036686456,0.150738164065,0.254002552609,0.0273186995208,0.198655472792,0.323704523472,0.402039257907,0.81327659198,0.401135101236,0.828769921672,0.689802764449,0.167880650327,0.611380942539,0.270046568381,0.613840958619,0.617689818675,0.440566299819,0.264832593592,0.922652842932,0.645878018508,0.10570850247,0.930450799018,0.11814472226,0.251331095505,0.231612503488,0.385175814256,0.715753578063,0.481760762832,0.38395863351,0.357628636454,0.25625265617,0.513853695575,0.524761413843,0.549007371299,0.226199092904,0.577612980198,0.524831102367,0.949974361116,0.529328643271,0.660200917384,0.448576610206,0.570721978928,0.057672618247,0.644952697081,0.402518412848,0.336913378521,0.231333853329,0.776688606516,0.324669481966,0.36652104251,0.310274130806,0.316202853984,0.699825213961,0.896987868351,0.945491411419,0.0897181041027,0.483311451597,0.015479771695,0.438633070383,0.435584449186,0.868609981597,0.778492314758,0.279279435483,0.860369591593,0.793268181141,0.67489344119,0.274139781873,0.687848501215,0.063359102562,0.0716084263916,0.623592720045,0.322622301663,0.937283924778,0.299668660285,0.532219560157,0.236410792068,0.972437626801,0.948418352338,0.0994770672334,0.202599269396,0.43440609234,0.33017975857,0.404864033899,0.571073322971,0.663221733505,0.109345427423,0.37503997612,0.439955904079,0.769377158293,0.853686834958,0.547460263,0.662381118941,0.623938720201,0.315157725961,0.334173313033,0.203147576125,0.474732288628,0.388470976195,0.163156044531,0.237230565224,0.660238223234,0.878186904324,0.572665156732,0.786935756634,0.622345285308,0.79145734159,0.58536441868,0.0383782220463,0.453115279984,0.371829570177,0.843833347831,0.211426764401,0.984861925437,0.932159340624,0.826121208825,0.898169299215,0.549260084222,0.256907896474,0.532782586018,0.489087113138,0.772010155833,0.404584638116,0.2868663761,0.214696566248,0.45031890974,0.136455617012,0.703451274527,0.591179905671,0.820228516654,0.554284776282,0.920347176929,0.458194902137,0.837592978625,0.693330984975,0.873438565261,0.52362546706,0.965913236309,0.0422576879782,0.498625360723,0.763334853061,0.63243260055,0.974641483162,0.613724202959,0.698574654022,0.0752935465982,0.279025299841,0.836878869208,0.158525980219,0.977869797605,0.880687331503,0.589185566208,0.0769515671635,0.227722735765,0.163752724462,0.605682902231,0.0657538288511,0.178976210851,0.180655282682,0.617932844126,0.219333584613,0.984919032333,0.262056957104,0.742937421712,0.440691316753,0.570599750881,0.675312955876,0.906857104869,0.854226266661,0.455702522319,0.67994050135,0.583781231524,0.792341480171,0.792531912907,0.436182533408,0.407135373433,0.175028288541,0.739300046225,0.156041875247,0.398953939922,0.641746774716,0.321586914903,0.440051975522,0.471765521261,0.691973730686,0.0273651228031,0.447230834457,0.532550218505,0.479342111459,0.908522232402,0.134818016994,0.652187583581,0.610352347399,0.696692526003,0.691399085558,0.151490474393,0.76508392342,0.155825118648,0.496564071511,0.698940241918,0.351815766342,0.737308219043,0.0238228025371,0.538085728497,0.383206351357,0.251953091496,0.209948859003,0.448255437238,0.597994677767,0.437522572519,0.398528648392,0.00855802201145,0.65737955512,0.255897904817,0.0131254647617,0.887066885359,0.683196760555,0.486416005416,0.791886049026,0.887147148916,0.744148313066,0.411429864729,0.683092366722,0.274097962484,0.934556922821,0.730743263448,0.650260272176,0.085175543995,0.733772530343,0.470618686349,0.905426607343,0.592635347361,0.11976441041,0.739509379588,0.0700779339107,0.239295502266,0.558955754301,0.273948707893,0.190779833764,0.846139670289,0.237570925679,0.411159043284,0.322047789759,0.993194203441,0.665527296345,0.700343636057,0.317894059891,0.544107564049,0.399734039257,0.224038677095,0.343373402291,0.160217897584,0.366315345037,0.34482985537,0.333811299099,0.441557426032,0.0761876487226,0.945978355555,0.95717820849,0.960132329093,0.375800934427,0.69101315764,0.406982043091,0.482404481275,0.609540636279,0.269529485877,0.156439918708,0.0333047058169,0.675536195278,0.236072511677,0.882236879214,0.141889032099,0.899634706933,0.411407206661,0.460022790737,0.825329605573,0.703902281585,0.176335240256,0.418701473972,0.450786394833,0.303823698533,0.771420303334,0.135523685095,0.439478590881,0.00112269387103,0.697246236075,0.600908737482,0.851179270904,0.505073911395,0.870484200431,0.891152202971,0.0761979589749,0.0227916805998,0.958041198861,0.0328855626013,0.346726682494,0.702542415446,0.966379171477,0.374509359474,0.565782803513,0.0319880045468,0.653350610028,0.677525239762,0.202169422766,0.528931047191,0.0149859282,0.317361825018,0.477055497477,0.99478516564,0.798716365467,0.895151273982,0.256339671903,0.198916589003,0.650522511487,0.0653461016316,0.974301271364,0.478971819149,0.0539000199394,0.99953805111,0.644225404332,0.572910497782,0.416594192153,0.462147150111,0.208031961742,0.0595477597793,0.32674292638,0.119622436735,0.451063181351,0.99951420842,0.730375750393,0.773291434987,0.0559908459401,0.455236030484,0.443098958834,0.52846365355,0.211038395151,0.12153979518,0.121731502349,0.278534691194,0.865809629228,0.801154328648,0.172134585095,0.523954132514,0.284462419383,0.000228482072608,0.903115973469,0.917501407238,0.593569546555,0.0685669042558,0.66043063081,0.211887096409,0.287591121512,0.980552624296,0.443593086613,0.380453041037,0.0708007250928,0.443383854994,0.159559531268,0.949232879867,0.162550596166,0.692776700485,0.554679079303,0.754092224105,0.572512869355,0.625562895431,0.00929652200799,0.852310726438,0.958112297071,0.00462022470319,0.0833770750691,0.690990658899,0.500214965531,0.74878054989,0.270479161172,0.361592793693,0.946294752765,0.272066417995,0.737442953303,0.99483804698,0.676447438433,0.723570302001,0.201838523305,0.499569109991,0.764981091239,0.0369150117061,0.659893301199,0.503369075766,0.440674971329,0.00629028098832,0.663396601076,0.912061671423,0.189765087886,0.911876599739,0.756350134236,0.214938247047,0.202799498566,0.409673943245,0.272860791425,0.443454755986,0.696808661514,0.348614158301,0.642542978428,0.404791100068,0.837134540186,0.938468885623,0.697703301691,0.630983273177,0.112338284288,0.983377803773,0.752837478844,0.995884118536,0.600613449826,0.733041281012,0.00336325629149,0.515442098395,0.944009894713,0.698193024491,0.819239307241,0.777628617761,0.838668007714,0.0840248725687,0.445207275408,0.465264212149,0.33856441077,0.0999200297861,0.47203437461,0.0752291568673,0.1829868535,0.640288387211,0.785159875546,0.154235151686,0.579774614471,0.634164228015,0.376643091712,0.280696751827,0.753053803338,0.464440583767,0.0595302663952,0.778338743149,0.0522113931446,0.57675760264,0.945362911603,0.420384109934,0.891902081346,0.459301289988,0.216428695227,0.11098870119,0.842836855768,0.88746751316,0.884125503044,0.505223356861,0.406352186228,0.82965497429,0.58067902451,0.476479079821,0.524378076396,0.926619939022,0.691575109585,0.437925868006,0.800434036916,0.917722191331,0.923221191003,0.059706485584,0.169225357345,0.516915812387,0.395223434054,0.0401244018087,0.927035962902,0.948168253818,0.832337781053,0.650639385616,0.811673739801,0.602013812566,0.449064729637,0.869226956222,0.728815927779,0.594956826557,0.965017680533,0.0630800008113,0.25884738379,0.0331553332807,0.112522395098,0.108941181793,0.734794219834,0.660922457502,0.554950216204,0.406665178321,0.645652814604,0.399602526041,0.323369940102,0.778388801162,0.402614456781,0.38911825864,0.368122226934,0.544986773949,0.0352676434349,0.519499046444,0.940086475074,0.351662253927,0.521903800594,0.171006052726,0.629042957008,0.80308952738,0.908540623338,0.602470773124,0.0589270734712,0.30216066176,0.534043171171,0.248432947064,0.22011018041,0.817533257969,0.105812005171,0.00826135833849,0.539493750469,0.650720859311,0.775166547962,0.178198282367,0.770235883821,0.341232817015,0.0275803346577,0.572573775962,0.68200535866,0.888319336089,0.0951711187284,0.125210501469,0.0439871187576,0.979118901086,0.253676767051,0.432448517293,0.690743031995,0.0287858240424,0.898293180527,0.896727160315,0.131453170472,0.844711326846,0.54330242727,0.826634685009,0.778076830098,0.41134282368,0.4283581951,0.226213470501,0.630903021908,0.823580329904,0.139913157123,0.996232486851,0.733501036346,0.138527851014,0.282534301821,0.924326382685,0.599471983892,0.162468324656,0.934733000513,0.73453856945,0.144068726378,0.0112479891777,0.747026970224,0.960848733962,0.786595140223,0.473838699897,0.740719038005,0.22615201033,0.276304984524,0.904608843552,0.718303281355,0.457001124601,0.704891297951,0.0777085892511,0.974854171419,0.0183235942514,0.916453533163,0.571473973578,0.479077778505,0.400833125213,0.472777951076,0.708508903543,0.0276553172739,0.193110181573,0.834320917517,0.836716187611,0.481491213051,0.307160647676,0.47312707199,0.0323768146016,0.435536331603,0.274955213423,0.858788375343,0.439075202348,0.897303410962,0.418306528485,0.713297698047,0.0917152978294,0.881237310624,0.0233923375863,0.161839529716,0.404008624731,0.892771415205,0.569391993386,0.0312818229762,0.88256943493,0.0605224183387,0.925683282645,0.373002863289,0.225014831816,0.488606965697,0.893916138439,0.118465928534,0.438125648246,0.0887914170036,0.557888868359,0.310620308782,0.890208617751,0.427889233534,0.0707011401313,0.754794787208,0.712831187407,0.729589409372,0.870506306319,0.0313080829364,0.681204219034,0.791685921708,0.255652317908,0.914559956152,0.492308652468,0.317473998831,0.816576025032,0.933346558393,0.106207555704,0.599120549122,0.634459338437,0.0389055591176,0.351754096796,0.00874985544786,0.704715744976,0.262926868736,0.940081862248,0.853216367355,0.403298470026,0.803508204977,0.396313167524,0.0508395830187,0.534594764926,0.856499489682,0.0528705558726,0.932003327391,0.929753020385,0.615623299066,0.237849275662,0.585033529992,0.0970373611823,0.597138027158,0.189796925386,0.563828898101,0.461264712611,0.632486582839,0.405766585982,0.585595780154,0.195743302856,0.106091147511,0.339628352322,0.801973079213,0.609246080274,0.919295256847,0.378013854732,0.0982801318435,0.366921016315,0.750195649659,0.220494307756,0.305407351659,0.717113871499,0.10142451627,0.438590701529,0.707385255667,0.775929134223,0.461368863076,0.460061629516,0.981001838169,0.492555131411,0.024601738197,0.43201105334,0.237786809986,0.347893032118,0.496350216574,0.664987671719,0.104115502047,0.727941346293,0.798011786904,0.957512840913,0.119670537729,0.615525023423,0.929499649625,0.100889005037,0.714446244391,0.304036253261,0.511707479678,0.305075392713,0.0993157895414,0.0791324076985,0.567750256555,0.698077131696,0.759041965873,0.973525457341,0.603981751451,0.907613915863,0.310052503463,0.64780695561,0.500580914487,0.275831090837,0.30016168851,0.147089930468,0.536771956475,0.721688805411,0.867368661306,0.910890315693,0.402518688044,0.278471234422,0.119739505931,0.590835298148,0.215463084204,0.931251703849,0.159927582857,0.168534565564 0.431577486335,0.546646706447,0.195428111991,0.81165364645,0.655515273941,0.562784971974,0.82452778686,0.644641831423,0.258821132849,0.407005072093,0.857204719687,0.287754081391,0.811515940344,0.229960508871,0.0648773374532,0.430241721546,0.0207838333588,0.625059873458,0.464499954271,0.128070601004,0.667520003038,0.478659123201,0.0825119039344,0.144600322466,0.466884587332,0.210174648235,0.434830614124,0.920443778953,0.730485557051,0.0188441854578,0.0846351513896,0.910729849489,0.789748918844,0.0230297549547,0.859951482519,0.816249897209,0.71906984907,0.736983946558,0.630068208107,0.0281219089664,0.0729331762688,0.720393639717,0.694312509915,0.952271599274,0.560805027353,0.518540053838,0.791961619281,0.645219421496,0.832366231372,0.373644833255,0.295828514364,0.48432427,0.34759783383,0.723074307034,0.774249284426,0.545127610087,0.133654597193,0.202088859663,0.774847515879,0.826135343517,0.230543825733,0.642708154589,0.824869775167,0.634173017565,0.02925060939,0.328531401409,0.165848333431,0.531764733963,0.835521668847,0.772728011134,0.989986561714,2.02080220567e-05,0.520952806481,0.578712368385,0.313471060875,0.363553977641,0.0243492614076,0.100857212961,0.243153902018,0.197376800961,0.62885396099,0.283582496321,0.453556597057,0.513468159363,0.0685676529264,0.950345741414,0.561834453836,0.0753640583326,0.734707855561,0.23861759575,0.613849774059,0.371631810401,0.781899279912,0.899922804421,0.10737966899,0.955577061346,0.946815212856,0.445852909086,0.413122807976,0.0146794193126,0.852174704653,0.726110129752,0.801606698698,0.999785199514,0.104060979594,0.816477305502,0.285882863988,0.272165416421,0.344418087972,0.140997214845,0.651175858217,0.166202787295,0.439237739208,0.578918895068,0.896389318453,0.106685190626,0.070881860144,0.00852751758714,0.459168767317,0.693565797491,0.0459209572762,0.508824721543,0.130684707664,0.48365966124,0.365647151106,0.930883953623,0.807491859618,0.154358238818,0.693875577148,0.741990882933,0.0267477473458,0.190951140468,0.257671243185,0.212901201454,0.69893070475,0.812909453471,0.779568596112,0.442138126685,0.0714278367571,0.714103102318,0.908292390671,0.561632131887,0.185535855452,0.0629233216599,0.173918795845,0.0457134672599,0.879860344195,0.0303539751255,0.812075902405,0.366463349963,0.694910327853,0.278791596257,0.941304301115,0.244261334003,0.564074846893,0.131521034559,0.0637990219479,0.988665267231,0.970392078631,0.168085862389,0.262058057441,0.453901419352,0.760327076361,0.89175404509,0.106286930659,0.754000258466,0.667884091449,0.644670229758,0.0407233431806,0.370286658937,0.15429898939,0.460247021326,0.804355433509,0.769687181902,0.344484519973,0.501852517956,0.279785139125,0.12539213706,0.242337506775,0.820852937623,0.186622895534,0.505978866449,0.219174884665,0.44892083822,0.0367267999359,0.0834792707194,0.778741100539,0.671888152723,0.305622188582,0.484080476841,0.633879813272,0.841615505081,0.74445325083,0.931688974104,0.316621461587,0.462701395289,0.199218898497,0.635913537525,0.124078925997,0.752517441384,0.67083558144,0.865306849141,0.173324898226,0.345147287944,0.21840427474,0.370593019482,0.300118592243,0.164057023629,0.658974003836,0.449208541935,0.80846729254,0.934077883153,0.103495543609,0.30995155837,0.0824267982875,0.316611091815,0.401280819745,0.169209573528,0.770964592637,0.422224864466,0.190721055113,0.899657605838,0.392620570054,0.951123171387,0.564674618473,0.258142977237,0.377295147143,0.417375234752,0.719577101631,0.974828503916,0.968289642202,0.843654038553,0.605163320222,0.941198348737,0.821765808221,0.940285119803,0.187284998359,0.0475440998326,0.731025480063,0.223393885905,0.288940427634,0.386671738688,0.754183058502,0.299660183111,0.810331146722,0.999410924568,0.266305593936,0.874297025139,0.10770655445,0.322560533026,0.511400169608,0.48062193101,0.647872908551,0.871399112727,0.547178650336,0.655823511088,0.905328636097,0.76719635099,0.491467181731,0.527069825319,0.543175013039,0.953833346217,0.740969367137,0.882899958205,0.96568295228,0.356769807967,0.887251699681,0.58106248428,0.67154568112,0.962563688579,0.20366857039,0.624911139199,0.224102265569,0.487152779459,0.421400730854,0.364303826471,0.580334037499,0.63469813291,0.978459915957,0.763170117015,0.699150433399,0.980912297802,0.23974139493,0.431473561468,0.186904871999,0.64095063145,0.306357273322,0.741148989019,0.173791046652,0.144410572514,0.102708608968,0.0767969835026,0.338448451489,0.052955926433,0.772473534885,0.79925373169,0.396589570091,0.13921081886,0.84443561794,0.272443657203,0.136166669857,0.717306001962,0.656647521918,0.999951197431,0.165718145751,0.328758835716,0.84573575622,0.93065597391,0.96926095872,0.865259360306,0.437640344376,0.792314745211,0.235858667667,0.599588365572,0.0732220731159,0.219164281028,0.604879974879,0.0112584587174,0.076410738892,0.783247357871,0.336662927453,0.320024164397,0.3349715528,0.508192746912,0.993295897584,0.694302155443,0.707273979923,0.787423923984,0.979695387019,0.112033468697,0.733025201382,0.132151318471,0.619798504336,0.69726535736,0.516588704641,0.830116703013,0.596705427344,0.830053485321,0.372325592353,0.821740905494,0.125452543752,0.679919076553,0.0406712713348,0.356457031098,0.408745213601,0.749691432637,0.548342867282,0.0447782755278,0.470464436192,0.462353332567,0.946754086667,0.0824359908379,0.184323504736,0.853686093791,0.985632151983,0.117544295553,0.300812117151,0.822069842671,0.743338294302,0.10291579804,0.0639513190583,0.870461547013,0.395158062161,0.215888094446,0.128632841752,0.255223249076,0.846580638328,0.841958254356,0.257767780323,0.613342150627,0.67184568907,0.36397843374,0.932843550581,0.623279213587,0.649505616539,0.217307598867,0.840519759241,0.310775261727,0.258269888439,0.309371754603,0.714635099123,0.790010400244,0.739636672754,0.952530440383,0.758851663629,0.0826937271574,0.186362390354,0.514905116944,0.0693689824997,0.042718040889,0.1888403922,0.703814538975,0.557937479282,0.727661661099,0.58925026618,0.888136835556,0.0473684912198,0.411517841254,0.211792417019,0.202695944159,0.588470998484,0.336634404019,0.91943264934,0.101502125483,0.953552331541,0.340340013546,0.443446976746,0.515579437775,0.266120534938,0.582606959972,0.639023176098,0.16334431577,0.0150579804909,0.612817102809,0.710244171629,0.534522820016,0.199292522958,0.413354399159,0.195025510524,0.655889768492,0.397363094144,0.0501015239012,0.543181290483,0.463319790028,0.12596090891,0.593117720926,0.645489754914,0.922733579466,0.376124551724,0.0680502022046,0.264433121355,0.625270957054,0.753508702679,0.889153796612,0.314351050463,0.8763226627,0.650290777116,0.0365590406541,0.925703081597,0.505071621059,0.635244748082,0.475063751868,0.0978146471223,0.455264758631,0.60054991521,0.415868030123,0.283292849833,0.567474574545,0.620771311925,0.53648995745,0.218297390429,0.0021070243463,0.943071844274,0.192109552651,0.767457430686,0.785722712049,0.0649026423243,0.180280912879,0.592398923943,0.311726254282,0.237147882664,0.255935006376,0.534657074156,0.727877052867,0.735629130039,0.782650992329,0.366257072955,0.678866128059,0.892394234426,0.366204657625,0.6771014684,0.908809243567,0.126610881749,0.388991961667,0.873588610719,0.298046536178,0.757337449339,0.446009627231,0.1435947848,0.0922069457771,0.539471403079,0.802263646983,0.691476051491,0.130856259352,0.300235453323,0.0214082070619,0.84300617423,0.248632339139,0.345395023453,0.610848613157,0.26952083766,0.599382289418,0.547215955634,0.315374637336,0.768628810105,0.367944136875,0.510216559341,0.460711132309,0.823448638016,0.529349727478,0.994658990343,0.652282772757,0.510361348373,0.196630585343,0.0840309964278,0.00627106056154,0.483743610119,0.825941945205,0.415659907708,0.103389413917,0.147532509087,0.640803176697,0.77940963555,0.316627462527,0.213529087445,0.289498008691,0.658999867932,0.937483909919,0.340340650901,0.768184705096,0.672262815681,0.720663881265,0.572852476221,0.501296686072,0.384177679274,0.340285885977,0.330324015014,0.00218570434743,0.0855085176128,0.219541397457,0.839629474068,0.0642999910653,0.750555009748,0.322126056127,0.131711743911,0.357441768455,0.559038217915,0.325865518016,0.978616414083,0.437047673753,0.461804618706,0.26247572801,0.653462070427,0.292833694671,0.280409972467,0.276795185168,0.253033600591,0.47046290572,0.939358814447,0.814154349109,0.297531655853,0.119858323017,0.355828501275,0.0408335126957,0.592679196729,0.752116265497,0.899160064211,0.167152502875,0.379545362544,0.0199978004552,0.179763212454,0.703009529381,0.00738309086795,0.0230903028803,0.481418136482,0.491203909335,0.338319095508,0.872629206156,0.401051539384,0.915597415525,0.826874959937,0.568727481434,0.513676740442,0.970100305367,0.619029385599,0.954557463887,0.029402507778,0.426108396252,0.782660609982,0.198532549293,0.865149554886,0.89495241136,0.829806569189,0.319372974438,0.118898537897,0.501822105561,0.640027629496,0.55580602022,0.402776659411,0.996353570124,0.214925769143,0.745228290255,0.271731923681,0.913245720792,0.800552876474,0.756182050127,0.413640781006,0.0427719999883,0.811746291391,0.922508354857,0.229455866272,0.835146894759,0.536253546532,0.127144612229,0.0914377315819,0.0627861741402,0.822520241499,0.715585503,0.257932266422,0.169786662621,0.821527964779,0.172154526127,0.248723347068,0.516116799377,0.760296366753,0.471408070673,0.60310426562,0.738416682275,0.132452159414,0.524734648725,0.0876099371473,0.0186911631779,0.051755108173,0.360834619096,0.251123545458,0.85886767147,0.889181861227,0.102589477548,0.165386506022,0.361135135476,0.562933798174,0.102275186036,0.458966818637,0.741954030732,0.122164099825,0.201706262004,0.824986562786,0.93277617775,0.454504390347,0.440801030593,0.914060797067,0.336501725738,0.278248584615,0.174068394804,0.298942665108,0.302598488202,0.889500463056,0.865121053361,0.47419615844,0.464440793631,0.665368630482,0.630478123827,0.37256353772,0.0578517709092,0.198056773092,0.706102373276,0.788406471011,0.0868076321072,0.325657014491,0.236410302414,0.921656461344,0.420174392925,0.37171782551,0.326164110482,0.151668564364,0.398233169982,0.297457008252,0.669621831654,0.88244233277,0.805205376292,0.939244573837,0.955671125151,0.317021135718,0.549027406116,0.977634156346,0.934159179049,0.780749558289,0.660517891019,0.388881828985,0.172521588614,0.741908834539,0.648832015278,0.251321353141,0.606906282424,0.0855185121554,0.497809005945,0.490194302745,0.65480251503,0.588515101151,0.0586318026953,0.059043642596,0.21652822207,0.944956274135,0.67070574225,0.151623483803,0.737989930149,0.342828068844,0.922209642348,0.879379850822,0.225969892235,0.109017630706,0.71541735712,0.928091403599,0.559283733713,0.169896239778,0.348369587153,0.977540215791,0.165463259996,0.279505773755,0.200808788426,0.791632044645,0.621696264568,0.166866552191,0.627166999992,0.230007571168,0.189216051566,0.72784938808,0.861394931472,0.0266393824415,0.892853394163,0.0884650316931,0.0784797074404,0.908961194789,0.827634679831,0.514268122613,0.606424226144,0.829587650674,0.202105256825,0.850623584701,0.674101004672,0.45494521114,0.647675998169,0.341010027906,0.614283240619,0.978412212607,0.679179989984,0.737138310161,0.718755975182,0.297713130826,0.437284339795,0.423791763328,0.79852900486,0.533231514956,0.636900491787,0.332745867409,0.523705719405,0.983581647657,0.784113834821,0.735037767069,0.555542835475,0.649961902537,0.0695039281986,0.774483750108,0.205897792342,0.846707937181,0.315518278357,0.486555181703,0.493603934351,0.639993752561,0.736746377395,0.427686727933,0.771304817314,0.294366711465,0.46180630633,0.0546449747679,0.461462547072,0.776821705568,0.613564397538,0.0258089195614,0.0937968325479,0.0200338448719,0.777576758035,0.0947291398145,0.57711923137,0.902832160885,0.919721121447,0.0480448797785,0.024212506,0.710170311705,0.716906821406,0.795645030447,0.672133335597,0.266928925229,0.294752936378,0.32929964004,0.0171245441486,0.540475190866,0.771415566078,0.179355787545,0.773311495678,0.47957193628,0.843268508864,0.39770135833,0.883959339869,0.00462176302646,0.939589368353,0.707783682999,0.462127028929,0.880311809687,0.079625501976,0.169025417124,0.835323838316,0.763598704105,0.796500351268,0.125070382154,0.0441089175977,0.723921457513,0.174158096802,0.717212108517,0.878929419613,0.215111962055,0.150091304858,0.697892650152,0.532992598888,0.148875886294,0.546778390462,0.986867561868,0.703629313198,0.819011450717,0.373297296253,0.470185898304,0.0315822716558,0.287253701443,0.22654167022,0.555581485465,0.0840549685382,0.050866754754,0.436055928037,0.915014484812,0.123107612319,0.3570170061,0.812140123322,0.83705352014,0.927422827681,0.987300539031,0.739202236685,0.979464887523,0.441573782903,0.819510114623,0.102798597143,0.957839162405,0.175274274537,0.345562318781,0.591458959528,0.274469458895,0.699018875818,0.734348226449,0.342027762096,0.420335685266,0.137643603486,0.0586078097509,0.923428869393,0.0568143210799,0.68318736008,0.00918803629304,0.704816159298,0.526286450801,0.903742336703,0.197953998885,0.603448320024,0.65590816332,0.262702207212,0.166573432709,0.410828207744,0.993032345684,0.898804178138,0.0371353939438,0.539887670895,0.384138279057,0.0877630651993,0.821088832067,0.773277955933,0.257534462439,0.721383747386,0.412600975954,0.408677098128,0.54586248583,0.789812786672,0.744641865499,0.0390377741841,0.496168722086,0.530816609084,0.689105134936,0.981914358461,0.603812340214,0.332711506694,0.824782735909,0.924068693288,0.14719575467,0.456727392395,0.720800533599,0.703337493748,0.0424269855657,0.275025245298,0.368697230403,0.317813631717,0.90145091003,0.873416505101,0.598111625457,0.429583890601,0.439149088685,0.195446510516,0.480193509496,0.567540514388,0.163631521076,0.702047105314,0.331138994447,0.191583683241,0.424113095458,0.975260024234,0.686039690547,0.297594230517,0.325186382859,0.782560537859,0.534092153774,0.801117985875,0.156915076443,0.800733977033,0.303086813953,0.0686146695903,0.777206953191,0.0473851942364,0.748609259998,0.893887805291,0.316747433292,0.90439685381,0.0209771347498,0.805970534367,0.97793793541,0.394123875719,0.918413819989,0.680858039522,0.203900680061,0.430170312017,0.826789190443,0.427820970805,0.570833780157,0.301920687455,0.41286895077,0.139878670321,0.863711711943,0.484927315646,0.220436818315,0.790301240048,0.778277109951,0.942139514296,0.210418849061,0.794595769978,0.290344715815,0.621728404542,0.336834758883,0.344756867687,0.517304391732,0.033509332175,0.998815787678,0.741862216468,0.807157010083,0.637956884796,0.185329519549,0.747462940668,0.123647501723,0.00900168966162,0.847095769572,0.241701090882,0.757010834848,0.76240251193,0.233840046568,0.00768225995286,0.759439412594,0.494749524143,0.351859181478,0.793677222206,0.373781039179,0.758533986857,0.544229394062,0.438518345358,0.986649869855,0.48250004854,0.176522244928,0.113116792823,0.197687695505,0.0497271124462,0.537450233845,0.11394415912,0.0570600945266,0.210686211822,0.954071044554,0.0659139090448,0.0957610894382,0.523015012919,0.314922706519,0.868985701339,0.922754475288,0.507457763827,0.976504331327,0.704161000047,0.692141580069,0.237917771541,0.564221913986,0.214728427276 0.523644341492,0.647515327523,0.922587951198,0.0468257130426,0.443863012602,0.256256098796,0.623713945154,0.309514078039,0.153565650348,0.772775645782,0.095433260378,0.644858701279,0.306559662475,0.252249365278,0.190757795193,0.0174420554284,0.340270050906,0.580881150285,0.273797275428,0.538696986611,0.569063281259,0.319755968885,0.555160833264,0.481734759658,0.150573856866,0.208126264981,0.535078903934,0.299805182462,0.801297627856,0.891936826896,0.256934101168,0.755097683717,0.0555848495964,0.144306493713,0.256343177884,0.583906133953,0.0460767449679,0.0407204759423,0.912079181359,0.0445871106581,0.977228979193,0.542095573419,0.58001468511,0.0134904394645,0.762434642887,0.404753161579,0.0170726677274,0.785174190855,0.738794600184,0.929376522009,0.155723199966,0.708497029428,0.816329023145,0.432257772302,0.994374432613,0.819952140132,0.549158039742,0.0814668291021,0.403757183387,0.233389677108,0.283248309242,0.207566600673,0.685252691687,0.0181341070243,0.415452051131,0.214995790213,0.074294265119,0.118122689805,0.477876137964,0.588587066521,0.810473432046,0.77536033867,0.170098845205,0.262309094774,0.989148815421,0.436981670694,0.887200801415,0.429553525526,0.648946804466,0.901362676227,0.407414970959,0.305425525272,0.157868349205,0.529277776545,0.647318231902,0.20246232201,0.810450888934,0.917947323198,0.137252265508,0.863816054703,0.359779957203,0.999457210751,0.276844350186,0.512599045042,0.184837694128,0.875521294465,0.203417476527,0.677780738169,0.180688567162,0.735867797558,0.896069379813,0.403363928436,0.545207295282,0.651038889217,0.668556282327,0.715406634133,0.591650613143,0.732619696928,0.584067968919,0.0941310866895,0.0795908365355,0.924557870335,0.19629070137,0.47812831687,0.376936371232,0.573418331161,0.666119545328,0.165835151755,0.0354299806959,0.48216500313,0.802243393503,0.256381591201,0.541955347732,0.813394492884,0.717756660657,0.125774430539,0.51069147857,0.193080296533,0.26835609485,0.996533380136,0.242769570523,0.856189902849,0.120208399124,0.264540790221,0.52566987584,0.51639298133,0.911998559811,0.10697221304,0.887924445338,0.819030537579,0.391432963097,0.657931660143,0.401011155944,0.864472955524,0.949740827476,0.978405698101,0.117506098649,0.833547252107,0.0759433143241,0.201826577782,0.862507639793,0.703408019317,0.885836838588,0.820156887951,0.459865191542,0.388813608811,0.347826454572,0.519039176354,0.677224240429,0.901830358795,0.54734158427,0.826347089086,0.692049297952,0.734928495952,0.168631150332,0.361348110016,0.613465910383,0.738224363984,0.42717511484,0.109558153469,0.482384891361,0.521530873736,0.639826673108,0.249851238749,0.0408378876095,0.995304278926,0.586614902819,0.237176306118,0.207093674907,0.69718297796,0.156973975541,0.0227679465664,0.685258049573,0.201314094045,0.759266144699,0.254070449669,0.59401886892,0.702818644945,0.237846535417,0.649335006906,0.364985886705,0.339173179745,0.39180314519,0.165575447514,0.116429719493,0.939942501504,0.392291275328,0.0446228344466,0.605681718793,0.960018762412,0.652096756363,0.674732642986,0.291754908169,0.310970502718,0.269967520054,0.605100882934,0.489608383565,0.45595477461,0.831109414037,0.705824340154,0.17629576698,0.723053813395,0.118085318138,0.164721540981,0.235395703052,0.269238841382,0.373373279159,0.886342730736,0.0234672740355,0.660112560031,0.035497580502,0.62989498147,0.0985012414212,0.290401078638,0.510505816976,0.0437601483225,0.842620514256,0.985780346269,0.139493383204,0.138406695838,0.81297358714,0.808972571696,0.947973693406,0.00840242694699,0.77507023166,0.0226228605847,0.0846554287191,0.101930581979,0.458623517175,0.420072356012,0.933540663664,0.503136452684,0.181228110474,0.771382396368,0.266356123401,0.154995128657,0.470805886737,0.910427935847,0.893214491707,0.410706792206,0.344209825972,0.0261661670475,0.86533509441,0.0229307922716,0.277770281369,0.41903375844,0.826407959197,0.124050755931,0.960116256271,0.41479829448,0.0476650087054,0.740633133624,0.221782926168,0.607979790729,0.313778400169,0.542132876067,0.513144652661,0.444343158637,0.509373879509,0.911161674122,0.292417057643,0.719902975401,0.0562258866358,0.876909076202,0.904001820394,0.575319284102,0.315781917385,0.245903513738,0.0301132901223,0.156431753899,0.588734505152,0.611848072339,0.27925047035,0.40696939063,0.787892132218,0.050932541219,0.697715253444,0.691355941247,0.0887459841106,0.126439335896,0.64765806467,0.403267053391,0.964014026197,0.573151143868,0.690178094811,0.228168782514,0.871226261834,0.472000105295,0.606953829395,0.730045780282,0.050656100762,0.100431948847,0.79182864674,0.526488422362,0.399307830599,0.194065713744,0.453299578198,0.441146537917,0.0476190814581,0.198426592244,0.925193526805,0.844420182725,0.132637051644,0.59186236859,0.359355478112,0.233031676641,0.390566028476,0.169170569639,0.952391240808,0.206336926693,0.110744296801,0.585623963451,0.178770857451,0.396867666966,0.980983922304,0.0826916376774,0.714937312741,0.68502473061,0.0325202140084,0.3553388643,0.192129027133,0.229564218134,0.652795700306,0.0812446089606,0.730159288605,0.352102402759,0.889151598073,0.877463228562,0.155747947649,0.765449480447,0.576850633754,0.545000110634,0.328223003408,0.00847682230975,0.924781539346,0.0182377998618,0.260558780353,0.297557954004,0.638614988419,0.585086249786,0.595855062054,0.846790150343,0.92464244101,0.0465028940101,0.273601681295,0.194443651936,0.445989839434,0.297170403416,0.767755179916,0.169413321601,0.70432148296,0.120298478673,0.894876937866,0.298530938111,0.20686110745,0.0503409737148,0.0930512390672,0.196098761309,0.80895688591,0.918377998559,0.324043766579,0.122816881463,0.206102209772,0.299759824007,0.191275248243,0.0738821974849,0.0200598852914,0.571034284532,0.255881967987,0.00315676343919,0.668552109953,0.624531021032,0.566602597883,0.987482882159,0.713614501266,0.622153212572,0.926375454331,0.217694336037,0.769851858587,0.336604652621,0.925185997497,0.498018829777,0.54891572643,0.76607416395,0.448485752552,0.583036234486,0.235644744768,0.0396519697961,0.931184806752,0.565407417509,0.224954280416,0.0430255953544,0.935410515768,0.337759098745,0.52158638739,0.914383922195,0.957374759784,0.742452030115,0.814775063039,0.852138663045,0.14903929761,0.085763178922,0.43835614206,0.522425329337,0.986768079349,0.516003840922,0.491179553798,0.603567958415,0.333116993468,0.310690512416,0.573833688574,0.846680811766,0.876212508337,0.282885030771,0.177252258372,0.13268731903,0.0187704304963,0.463855576379,0.347620111945,0.757867058849,0.963368666548,0.536734773892,0.819834906822,0.98768147278,0.242909145827,0.854420926858,0.971893383081,0.681855682019,0.316746785192,0.628401442001,0.649777652417,0.139667739287,0.684532335499,0.416762549848,0.761320865812,0.0127118316589,0.482603313573,0.161979807812,0.00562213436668,0.0419338432571,0.107498190746,0.381294148025,0.544026347136,0.856144955159,0.0547734246078,0.504920599332,0.098989616584,0.411913854526,0.594189701763,0.779635909406,0.504139554401,0.065233977596,0.355151532768,0.190506455238,0.689417912538,0.673293361511,0.158385711176,0.309890777975,0.978021200092,0.437657132633,0.725161979556,0.767969372342,0.427652729809,0.236360938787,0.533185890042,0.649051048421,0.132386511356,0.912232089022,0.955790628036,0.308004651865,0.859314708194,0.565598950213,0.00818191136945,0.467078195682,0.146717281844,0.833285507631,0.365550305143,0.106294039658,0.906633538544,0.771868745651,0.363524985954,0.378980562093,0.506733634445,0.010834400126,0.586507549897,0.272384363591,0.911642792426,0.0754467868958,0.762870521371,0.965775693347,0.427472148003,0.913538720236,0.955722420033,0.364027022351,0.842199155921,0.0640205070313,0.283412875661,0.297687770172,0.709539317496,0.657597140285,0.441392263934,0.731974916395,0.527449418424,0.951551392412,0.780082084933,0.349997235123,0.546151867391,0.751381761646,0.414004134929,0.454137553345,0.139394869924,0.418571180596,0.269461097018,0.282106488398,0.370566854442,0.15161651691,0.244264093967,0.252355316367,0.0102086456978,0.502203366691,0.2946811469,0.419367094304,0.728703914945,0.413385004832,0.888480573704,0.736362607686,0.447102095268,0.303255970677,0.662755866473,0.0450393673741,0.110082548515,0.273087398517,0.621474666258,0.872250229983,0.00412556541932,0.790935453297,0.46320986442,0.319543970307,0.613202612164,0.552165867196,0.172138839842,0.366809754754,0.370979427199,0.95763557338,0.227819956874,0.634358996082,0.614355535785,0.929588644082,0.862060406027,0.309127393286,0.473451657048,0.365542055656,0.530337521966,0.170044018607,0.972537501327,0.0308139059591,0.605168063591,0.358684533807,0.388379655959,0.193158484217,0.838726475308,0.00105731873025,0.631273305401,0.891421561139,0.752275112949,0.353105127426,0.389372402709,0.793644828871,0.228287794052,0.274195056415,0.862936420716,0.288508586989,0.195674695058,0.0253683779516,0.428563242511,0.479860001782,0.0177630705201,0.726263328413,0.0254263854379,0.693343320918,0.886514667813,0.198529496272,0.452337104697,0.157621800034,0.437564864683,0.492027765221,0.0265026054319,0.903518334483,0.013360283407,0.947184225133,0.107586926221,0.446316489654,0.198826937211,0.295874683407,0.218678192455,0.334516592024,0.170498899574,0.360989709369,0.762233609358,0.30590856345,0.231888606394,0.554310357868,0.457382137903,0.417372777988,0.141866621345,0.70124937767,0.288108543215,0.0746643770972,0.47801311855,0.465761658234,0.990586060517,0.969038608787,0.134364475898,0.812513658381,0.323864163399,0.144678781651,0.76945398405,0.662130364335,0.358506856127,0.320843593424,0.593212243744,0.369695661454,0.599017978642,0.630242813557,0.610463286765,0.137143685625,0.347373806506,0.922050008144,0.856979325247,0.811047379184,0.618824731042,0.636808607744,0.134093298676,0.557861535619,0.0523141359938,0.899007311866,0.901588037318,0.0343499941465,0.173700300105,0.466910297518,0.0766591812913,0.453504347104,0.358160445395,0.272005930801,0.847237333849,0.624835378234,0.289157157717,0.821619113673,0.718589848922,0.953813491491,0.0830721738223,0.379594606487,0.767727949808,0.885406236366,0.245823887834,0.258185418768,0.969954478979,0.726282767603,0.818760154469,0.36660880869,0.296775056031,0.770474349458,0.281786835277,0.571507815866,0.492905325935,0.395360373648,0.969406716573,0.12478717592,0.429262696639,0.805262100639,0.741451954937,0.995413176806,0.124226276619,0.31129167093,0.797521175242,0.696607845302,0.479130562217,0.0687936132421,0.774947258396,0.582987653408,0.433949364074,0.219025637482,0.795345308478,0.669555956281,0.581088714044,0.586886553961,0.905515164697,0.695008168224,0.370911762603,0.999544708965,0.82670986245,0.812122881595,0.392391000015,0.375367842256,0.99569756667,0.527137157455,0.434566912282,0.610033418605,0.521835065899,0.0568321347223,0.225892566709,0.901727419228,0.856502389026,0.591879731025,0.627733336386,0.814528459948,0.925030732939,0.46396433338,0.105035021102,0.282478128167,0.83376971859,0.050874242861,0.561850360925,0.394716858584,0.195878695955,0.278911472559,0.714410205832,0.439577778689,0.693737670835,0.239605696394,0.701969840109,0.40928510474,0.490182558923,0.219461758694,0.717533222711,0.551953656534,0.973707817814,0.244470628713,0.833775138532,0.206987539497,0.981923386259,0.662797877831,0.0080706569529,0.480935847063,0.415643893311,0.720633428492,0.903489008144,0.470386848608,0.640215772858,0.254166277554,0.494248271524,0.725412567723,0.180468738032,0.791834727884,0.572584801909,0.208766585087,0.850824297312,0.0840716247094,0.682045274653,0.820433403222,0.264654858449,0.376527259574,0.468716497485,0.133997519033,0.42272470899,0.87250332397,0.526242638398,0.488267759525,0.308269468666,0.475027131102,0.537160136108,0.30119476914,0.835248368931,0.977624448479,0.620203044888,0.426454783158,0.764401610372,0.753338754913,0.477897019035,0.334210673975,0.91871636796,0.960409198817,0.828882194059,0.242297591894,0.720616825653,0.902918231609,0.0836247317424,0.806325360436,0.498030563419,0.835002130841,0.289006554932,0.69704026771,0.866609499746,0.194871277309,0.245871410634,0.439761377927,0.241161786184,0.427817431832,0.0759588190308,0.0612762002232,0.724010773337,0.798101218272,0.670263086559,0.842209786544,0.800820541695,0.771371909003,0.589516053656,0.0627801953663,0.606699442023,0.0852903003456,0.568482430006,0.677911222668,0.250391510372,0.191958353948,0.554319453636,0.521257957803,0.81935765445,0.127926283999,0.868514803631,0.903673660293,0.725903391264,0.246439227839,0.898865120107,0.391852770378,0.492325259141,0.255467046831,0.936523491758,0.969391860772,0.694374945699,0.480067956597,0.821267717112,0.858905999295,0.517966489387,0.522698184404,0.938524753128,0.991016954991,0.498738442726,0.543954158546,0.726737501143,0.66375488205,0.0380897254469,0.331438399773,0.0892317611127,0.244200225927,0.762805540565,0.781630144227,0.960359578546,0.713477439513,0.204142567298,0.67428061885,0.912149663616,0.406035343171,0.838815954574,0.849802494418,0.570636899188,0.564204299335,0.227415500224,0.750439412989,0.0809819939431,0.297304953002,0.5292251966,0.131533916785,0.4861854104,0.754149707398,0.572132179701,0.368914855573,0.419058518608,0.916548548313,0.14496984414,0.510917432348,0.348831478895,0.367448236886,0.0677405830667,0.754122409674,0.0243509109156,0.412874771963,0.750163124043,0.924445265256,0.113596260871,0.499839548116,0.465572976517,0.94448886116,0.366436160244,0.565691273528,0.624777411026,0.0409251732636,0.767272232493,0.8892501782,0.698927692269,0.918279001012,0.550040530635,0.137989635508,0.647493611933,0.547859271772,0.947495203787,0.916570739024,0.0085534386011,0.0400523376597,0.366928079389,0.0765568672415,0.0595898909967,0.0567965950775,0.7898258802,0.169477824252,0.537856950898,0.317165892989,0.266683374056,0.899185916079,0.264293512583,0.418782507902,0.0643842619658,0.70396153291,0.960199455834,0.128910058894,0.973606101993,0.468058381936,0.46884220327,0.314413415674,0.248250530913,0.641241315222,0.138322746964,0.899638838412,0.205596954484,0.851992845421,0.828845017821,0.554133780901,0.673984827119,0.178319973837,0.42717584292,0.105277001894,0.0259236128763,0.848345132221,0.385277489663,0.153795183535,0.52531191977,0.151992041812,0.805366333159,0.679070366267,0.446987935899,0.866118591792,0.612825251009,0.606267318444,0.38363438312,0.549552764725,0.640299140585,0.115504417029,0.108973067459,0.153521867247,0.425404656538,0.721323889339,0.188469330346,0.324864849157,0.41487388695,0.352679785529,0.752210998239,0.967474721249,0.311413009501,0.650446285328,0.699681798155,0.500415399812,0.294355606303,0.307043949554,0.877717167675,0.969840935254,0.924607054584,0.958253738319,0.097817445095,0.518914685125,0.681775918734,0.91809824219,0.826325202664,0.350882938725,0.184354531474,0.683486927938,0.530191554456,0.510080712753,0.57323620649,0.556240373556,0.859899524544,0.991322499379,0.171631216111,0.663659725004,0.683421796147,0.940038540572,0.770659215352,0.714209740797,0.785622961786,0.00180527237572,0.879122930627,0.510134714533,0.480076793673,0.206753021665,0.483145381804,0.0391391579538,0.303088404689,0.523076879801,0.862759513232,0.770226819235,0.558000305548,0.645293810572 0.459724102025,0.558168575408,0.55766353153,0.0608680821648,0.706747742671,0.213154793493,0.79405208206,0.607959419737,0.704013565721,0.495636029758,0.418907400259,0.873170372806,0.546379746548,0.656492369612,0.926912058551,0.277227289927,0.162455830147,0.494634494212,0.271374966088,0.0768595577934,0.165364417669,0.496021028669,0.0439690952125,0.467823077812,0.312099366673,0.746882707187,0.152211626261,0.72486767666,0.448172733941,0.287643327845,0.563533276595,0.85155645888,0.89625955288,0.201945310775,0.810012269787,0.87276984963,0.438030452396,0.602088737495,0.472484321547,0.366265210103,0.627032136449,0.585099001376,0.849199558714,0.560530414632,0.779265635202,0.442352171642,0.623204866266,0.989031967283,0.898880981912,0.392186646669,0.512457469463,0.0565552878144,0.226811473916,0.193409025647,0.432136264474,0.305782794658,0.873241064793,0.760423758206,0.160726540388,0.851548004576,0.153840376477,0.160943279981,0.645152615834,0.500077316032,0.490965527085,0.538733846554,0.636113235258,0.48415565137,0.445955622521,0.0349947585435,0.0793161955095,0.159076778358,0.284232608054,0.153999807929,0.0820914862592,0.648780710219,0.107112278676,0.267765083094,0.460274580179,0.200448722704,0.663666363413,0.66098430578,0.37848211746,0.418690722237,0.190981229755,0.408347523607,0.687721225813,0.930538360758,0.240395999147,0.419544848966,0.832705258722,0.15713336149,0.775816818704,0.495386641098,0.344442109084,0.467889476276,0.950497731345,0.824531302434,0.13648064034,0.550345681195,0.789582123866,0.151456654936,0.415274286386,0.0111223109885,0.676277432541,0.480810037166,0.495507412425,0.875649095039,0.59048489466,0.0407205605621,0.96243159177,0.184620689353,0.672145622746,0.354340580154,0.289072980954,0.193385146345,0.847368560476,0.513825334288,0.216069836136,0.480087139455,0.914405167079,0.47516490898,0.51610416146,0.439908242274,0.628080216244,0.856602100444,0.695845919898,0.226629135249,0.483670955334,0.866208692139,0.821239975008,0.692273489747,0.665012652789,0.805394275951,0.27844902769,0.872523706877,0.903908825852,0.904548354718,0.892678792923,0.945728327118,0.582212802248,0.910691258734,0.992797021403,0.940828993368,0.0493254168744,0.741413064102,0.558254595628,0.220000258582,0.351389428874,0.366929039674,0.131847027268,0.629817265809,0.761856058561,0.342247020012,0.843527296756,0.917241753503,0.474128768083,0.72034006655,0.88705941963,0.214764090709,0.522803482772,0.500256199191,0.412931241457,0.755034388413,0.577131035107,0.269768433134,0.677561585198,0.546161220124,0.104676531973,0.694571494275,0.757774379804,0.290151027931,0.709319302658,0.850469970455,0.796287161397,0.6127076957,0.251764292209,0.28233700525,0.967880437376,0.993778743891,0.885905000252,0.323127258067,0.270643380922,0.664929011078,0.0592748476736,0.0551185558659,0.589532194455,0.216802742644,0.172262867716,0.873765881478,0.656649052874,0.114516972687,0.889256683463,0.27853524134,0.0712660860431,0.755778565298,0.574281727493,0.336133093401,0.684229272773,0.619681318341,0.304050000909,0.250619819637,0.380172869237,0.490737097536,0.57125218013,0.722384553934,0.313851600792,0.367069148481,0.900935745477,0.0376345075807,0.946957825299,0.770718784357,0.534260382833,0.289516926199,0.838970293685,0.470586902841,0.372357325594,0.154252930726,0.117333118322,0.332315649483,0.499445140926,0.875776218137,0.408991822263,0.189660277615,0.392149138342,0.141715043932,0.368773907554,0.848804817411,0.250529622979,0.75472152848,0.866104485626,0.411485246343,0.689654148019,0.158632103246,0.861785772521,0.303940790678,0.858845637748,0.516207966191,0.348340910309,0.15964254496,0.563866427241,0.146667047076,0.486262656808,0.375536223059,0.728678247125,0.0887637074317,0.835038195313,0.140386067213,0.914201294057,0.165126490993,0.242185413335,0.120135885479,0.25040644854,0.531130886059,0.135437117577,0.783815012558,0.0173838741048,0.125743371879,0.403584589063,0.305370804653,0.393163412422,0.687581739046,0.489668585337,0.997901967641,0.318644457023,0.121404594888,0.110472685888,0.699069479573,0.183397149987,0.834507065015,0.120842879109,0.275028593987,0.220440193003,0.518385628979,0.92570280699,0.406911147051,0.57729622513,0.298957087634,0.989456535889,0.782857023863,0.0477225477439,0.83816619791,0.47873196702,0.874536872147,0.45530252712,0.413152920391,0.185830660625,0.75458060301,0.281936883739,0.147373458164,0.426654329234,0.712520986888,0.902509801813,0.914039348579,0.999289314527,0.712816749011,0.185169359976,0.962600316632,0.573140884339,0.400725652178,0.563419397601,0.901370636037,0.861182336013,0.407387611867,0.740805365005,0.905116000666,0.0694838315886,0.1401074086,0.0415750989469,0.332098697657,0.619218984064,0.470527277904,0.769176649723,0.188051523058,0.242479692016,0.647266763591,0.274914138187,0.57536780635,0.243446204627,0.383759423171,0.802525265609,0.818482629672,0.0425139111736,0.490289574018,0.829766087609,0.685655983401,0.0449444865615,0.507840969159,0.329491126577,0.597313945299,0.118329451536,0.295268393704,0.190339058739,0.358721145064,0.72972166726,0.948623963837,0.677066840097,0.338675562762,0.331678992656,0.994622479862,0.943774982005,0.512033821545,0.83908283774,0.446992576452,0.965726108409,0.949323995492,0.701221136331,0.503559825899,0.972325545658,0.597885001109,0.23615817354,0.230533234914,0.579843537008,0.321661028478,0.348069771049,0.935717164471,0.352080382083,0.672266825955,0.640314591199,0.71707195296,0.807576081214,0.497747512043,0.587713933514,0.899106234177,0.747581282737,0.0993351864442,0.535616135885,0.389935026334,0.171326856702,0.328735095939,0.974387209801,0.551435816977,0.720342610564,0.86848342423,0.735316411535,0.516602569408,0.980978496737,0.381054356681,0.967624549487,0.096042731916,0.610418803487,0.752096358952,0.0739802065861,0.542536712918,0.390603329995,0.2482939022,0.152555968948,0.00835018905317,0.852104763772,0.837427885704,0.906459096334,0.602650821086,0.613032657499,0.0466080446937,0.39665646833,0.361165556371,0.713205325273,0.812535524076,0.936587274609,0.601972699807,0.916240260059,0.203956450992,0.454764724725,0.0527555707736,0.873088590377,0.57205106633,0.550699259267,0.607542025625,0.760274498322,0.885052645591,0.0378749009491,0.0678087914928,0.0993936744047,0.248239474647,0.287960141359,0.527073049713,0.732150415952,0.614064043174,0.57690422141,0.980671765402,0.118448258167,0.53961510452,0.948971520091,0.771206841722,0.889983027803,0.616415113191,0.248836287497,0.587945991616,0.367148567759,0.594025386029,0.595503449356,0.728740370501,0.187131015663,0.946718520616,0.684761293626,0.01380805094,0.696003622901,0.530581862447,0.446971387009,0.237772553581,0.581082466349,0.340303804828,0.537789583786,0.973231819613,0.281019905839,0.602267860949,0.034235061773,0.742888097582,0.549267668638,0.723604562433,0.508263464496,0.676573927696,0.855780989381,0.69248236956,0.125674326348,0.961228213577,0.28794546948,0.935304442702,0.481064918587,0.0563935340055,0.495120181396,0.965076166939,0.783311233197,0.957385550336,0.118714234392,0.2875716633,0.536079972024,0.820830239781,0.0018171294902,0.0947376957125,0.396285830338,0.197088505387,0.42521866894,0.101277317421,0.357012945831,0.3746274423,0.490317271836,0.896604553138,0.425395285341,0.886800759454,0.905117984399,0.348702730133,0.522011367077,0.740109186615,0.479321628574,0.771075460822,0.383814840764,0.281122264933,0.432386127099,0.900327151602,0.0451904681024,0.0188596877381,0.927832394666,0.119476498367,0.984036508269,0.840920096396,0.609112203579,0.168466056929,0.448642043075,0.217318325299,0.29053427484,0.917067284967,0.0343259294714,0.061323695349,0.345892755837,0.339122725889,0.137318829406,0.657677593483,0.724312900531,0.785215745282,0.578039872191,0.202647468541,0.560918849802,0.839035722992,0.280996077005,0.117220379629,0.284556899586,0.285652172667,0.578065138202,0.783915428308,0.483842231307,0.250096457789,0.553197214881,0.277922539256,0.295785844612,0.635501386932,0.766310914889,0.0408815141565,0.505340480683,0.129059891034,0.485373619867,0.36742307184,0.580953606958,0.440056213046,0.3957122991,0.56956517922,0.867156371522,0.0705307108294,0.0417971875442,0.497192592401,0.86124718613,0.958694561752,0.753400736161,0.798806474859,0.265114894538,0.0071675606826,0.0223241886029,0.49920610385,0.416685490337,0.447101400648,0.697237152386,0.563227334825,0.394936599086,0.392924810664,0.295469668748,0.863846071513,0.211559232011,0.819823567887,0.172940375353,0.160906024663,0.782553221986,0.0696648015477,0.941751662004,0.0433042240313,0.867815436384,0.96252198418,0.379030150264,0.877361643181,0.576988865647,0.899889612769,0.195965687311,0.932639732379,0.941563078267,0.860820529499,0.805696509497,0.987621691038,0.922430965728,0.674222623919,0.754091852349,0.892792513161,0.521501396576,0.949323388101,0.919833339506,0.0805904895786,0.524310685241,0.691945796393,0.441901627876,0.417313526894,0.232280992243,0.724738176452,0.768171516275,0.683689159488,0.760093982374,0.381165565646,0.461720473013,0.955573289115,0.625750584773,0.14122053948,0.880842067987,0.719266781532,0.0378130126025,0.988775027845,0.660412828772,0.174185222669,0.148204112703,0.170958776075,0.0647739540859,0.420037285357,0.419395406264,0.581091714509,0.240735101835,0.851641379091,0.217667075874,0.391819834661,0.233405757411,0.860593936512,0.0999642839379,0.306486078236,0.235598745052,0.736537957852,0.286060625642,0.0465213847386,0.0295625141766,0.481889732264,0.483354607551,0.194164798149,0.493492258919,0.788356180026,0.572280986074,0.00833511621677,0.254186855534,0.885349066141,0.873854680991,0.460742670477,0.362438128705,0.282029867205,0.0994720868022,0.961269644121,0.740333796547,0.734433757893,0.0599143764556,0.948967398315,0.309470091798,0.628431962235,0.849717072818,0.312400801105,0.918270560866,0.777971766871,0.65150458409,0.922012791852,0.956793808766,0.0929469236251,0.438925723517,0.897021892812,0.0290368361059,0.022322521098,0.89443447786,0.393245483224,0.674000255374,0.254511930142,0.669051328129,0.390301150979,0.380414089412,0.45308881274,0.443631102857,0.448282616582,0.354267858212,0.479367861641,0.62154343254,0.305750091168,0.720072899796,0.980458960628,0.246045733412,0.271868629475,0.457292041669,0.024810230444,0.467591509976,0.268604251732,0.889290793851,0.700742272257,0.729828804542,0.798393927266,0.576034626956,0.62273309817,0.660335468375,0.880001461313,0.520427122757,0.151932665923,0.161575328222,0.777344369624,0.710560345809,0.197289169503,0.486665644162,0.472930076551,0.769011266671,0.677454703409,0.187634138822,0.823545474745,0.103499725014,0.639345442492,0.997706756317,0.851012097374,0.263887538099,0.948945890608,0.827934026657,0.212541915952,0.3619366101,0.40256865998,0.898108340773,0.943208233488,0.652784602213,0.406146918244,0.658854679719,0.977860678781,0.603979948809,0.523041643084,0.635801896602,0.250104465718,0.876501547898,0.481413561214,0.401455067203,0.931520072651,0.223949417165,0.0252895399503,0.491045098091,0.427237772356,0.754969732147,0.960966522849,0.263413628523,0.45080926499,0.988909573812,0.0746532837924,0.598299267111,0.787773770557,0.600174339117,0.436997354154,0.852717276422,0.749553870952,0.144375377017,0.188053650251,0.240657117576,0.485378324125,0.640373212133,0.56487060718,0.389783268945,0.325018228296,0.0413616346873,0.205893366886,0.785074341686,0.461205615827,0.262137347702,0.429221360764,0.640508349495,0.0560211443633,0.0917703674022,0.657203039656,0.657965181553,0.96663306725,0.778193406324,0.420869871216,0.342256451678,0.994802745262,0.400240351588,0.354361152463,0.683317310622,0.600627362942,0.195373740318,0.248858877919,0.597248777678,0.440208783543,0.879157792869,0.246763257157,0.469424203664,0.482870981226,0.770140657592,0.247139148595,0.472393095255,0.764017523411,0.95008071214,0.445045381991,0.7053088364,0.0860899486626,0.896201504207,0.80505153985,0.862340611126,0.61369024399,0.791949948598,0.113749357927,0.0815040657313,0.480231092043,0.30060414447,0.117393905539,0.516450331597,0.273177578774,0.0780970602899,0.528967804375,0.762530636491,0.565477401998,0.33836152775,0.776533723072,0.0683830738711,0.902911980092,0.0223036180279,0.424597460418,0.256350964996,0.150468850253,0.0494889638125,0.40138755929,0.673276314821,0.536060867541,0.435785153493,0.0622994446657,0.75800393149,0.414211117738,0.978852641541,0.939916844321,0.626913933659,0.527025953122,0.272453541895,0.99183682469,0.747792731205,0.443862111833,0.440041962058,0.438924173607,0.657544974713,0.15798801031,0.824377439816,0.239798079855,0.787473337088,0.239202025461,0.18998632261,0.779842120509,0.970745168704,0.624470341531,0.686071152971,0.553203878077,0.0942211971342,0.117907081576,0.42082613059,0.161722212895,0.216073860588,0.896739285973,0.502350791848,0.22776328214,0.0873945443296,0.103086334471,0.144119356492,0.710321416353,0.383828254499,0.968589534638,0.26177445169,0.385979514619,0.155063815763,0.944467606406,0.194585001057,0.140609154811,0.415616977595,0.142376478664,0.236207071277,0.0738772710616,0.0761400006987,0.462846671156,0.41265873289,0.167349176031,0.972536848634,0.544352396929,0.627591179568,0.906819774522,0.478507993195,0.0331837935198,0.938841147399,0.235739748263,0.235352361013,0.213856041488,0.765353243482,0.808531029995,0.804410921384,0.113690599793,0.661916911931,0.891438350465,0.220324280764,0.691209041966,0.101208243816,0.951766056427,0.0310773357065,0.378438128456,0.180882512448,0.419677272833,0.930556528338,0.316138600439,0.438131617453,0.358155219839,0.075370546499,0.526860130092,0.392239093642,0.230647542336,0.379655493353,0.996194299785,0.631177706375,0.681016718891,0.0844677186021,0.702368476879,0.196704338188,0.0249011819856,0.311880780277,0.346323885773,0.291402234528,0.266960975985,0.445371824111,0.662566969165,0.077538356736,0.275814201808,0.920129081469,0.810384776407,0.651764824373,0.127901894365,0.897743695329,0.480135190475,0.270925019164,0.640002856124,0.567255257183,0.742740004587,0.774517732534,0.769610911463,0.926141864504,0.212493211661,0.486392300046,0.214940623578,0.0474572891179,0.869429816589,0.550815872259,0.344328462316,0.0570706690287,0.6192866846,0.0450844321286,0.60440224181,0.412024377535,0.176609166227,0.798825701015,0.367221135218,0.469177026331,0.520910324475,0.245821402914,0.467929995706,0.402875374174,0.975069210375,0.691202238089,0.0529920266605,0.228683077972,0.672730672075,0.111546769905,0.0055592492461,0.907004272684,0.935406607496,0.572789179726,0.106468684678,0.451895736962,0.98464455761,0.673194948926,0.268246738062,0.0149266713819,0.6704504263,0.94184958064,0.02446834722,0.756269810753,0.578559577255,0.221733775108,0.838213793929,0.246340324637,0.0513881316084,0.456859584437,0.514062945918,0.509535323324,0.598826501532,0.16641081809,0.508935038597,0.342244219601,0.0827706482826,0.950920806757,0.728224431654,0.48410577483,0.250030050784,0.517965472544,0.292946797334,0.367963991379,0.0868547169916,0.958006988243,0.765791796232,0.0543253412603,0.255149428749,0.00269436375412,0.441610111467,0.43982596017,0.0454233653984,0.498825128856,0.884911139559,0.369845782082,0.0502606176174,0.320109916558,0.439486303589 0.986680689195,0.30905130316,0.26618578058,0.244054712053,0.585826788363,0.976834618327,0.10467376433,0.237735191471,0.790213768649,0.600258716834,0.337735410192,0.114090342784,0.341966873737,0.305777028131,0.434505799034,0.666339230147,0.565572267056,0.279242127065,0.529920910095,0.510172599584,0.417776371727,0.683059877786,0.817486281526,0.366388004477,0.958724829782,0.574837910635,0.44418104178,0.132583989905,0.466176256191,0.79357737743,0.857986780899,0.748157021943,0.112707352819,0.767460685591,0.496451801647,0.633938352128,0.511122623454,0.69159137566,0.583072487181,0.903859056017,0.641964841309,0.348835504802,0.813968365559,0.0444326760684,0.290947022173,0.289898791971,0.168516479589,0.74327014256,0.538638532137,0.625725139865,0.158900967981,0.261467010175,0.291941198334,0.387310502091,0.491415310938,0.320847568023,0.399030313978,0.159593746964,0.554336722012,0.514191876759,0.688891753004,0.469416360412,0.570669901954,0.00341153434287,0.925998623225,0.530130627275,0.810557989575,0.961358679947,0.213040315614,0.20114741819,0.575146563532,0.758923817397,0.624348193361,0.732087216442,0.19699002155,0.508300753025,0.0634273839568,0.843289025628,0.398490632661,0.509768625408,0.958870093242,0.900902466672,0.978124889987,0.74325723244,0.926404401957,0.322383687168,0.258373582667,0.28279740514,0.501797166204,0.402242937395,0.69212223329,0.838189744579,0.195803713658,0.310914107316,0.68448506528,0.574515415652,0.62300791257,0.0246171876158,0.756275784585,0.661697499168,0.597973762269,0.894878249264,0.560699667976,0.869848968916,0.919486444045,0.744238216706,0.601490831162,0.548992544547,0.252870699208,0.0900215474175,0.553836647578,0.601700445486,0.544065006915,0.957122057156,0.63695842483,0.878316195937,0.191338881925,0.138959885933,0.730124940683,0.613843211289,0.968668323544,0.711154490072,0.0601181088369,0.73468671424,0.68223053148,0.716064876021,0.59052032471,0.968379852888,0.640557859356,0.341959516655,0.56681639686,0.374332925523,0.9561476722,0.992547963463,0.555971691968,0.194385073267,0.467232367819,0.22406343757,0.0087015777632,0.423244488659,0.928165312184,0.335147183532,0.00684238292267,0.31135075224,0.788184705138,0.183078403367,0.0705534366805,0.657495369518,0.766170378248,0.634294736885,0.190977588953,0.801062595196,0.511751823027,0.514064442727,0.640924151598,0.00304399766796,0.622527673668,0.882353238038,0.858719735539,0.852759132119,0.862619529025,0.145386126665,0.619206585235,0.600651760493,0.491204116734,0.0977959415486,0.815501943439,0.253204427866,0.728353695894,0.563496768154,0.618666763779,0.411609000545,0.0560722946516,0.281389788778,0.413329008964,0.0270598122528,0.275327229654,0.449015345471,0.997292231484,0.253624569448,0.0615649160398,0.153954422688,0.844398844689,0.884614200505,0.74797637468,0.861832767266,0.451862330171,0.776008183615,0.0740344355196,0.58351583589,0.928456252893,0.44999738509,0.594144726059,0.358843023391,0.924202362821,0.375249422868,0.788829012378,0.393368636806,0.65228213843,0.294602511231,0.421242020975,0.590047401798,0.809007328221,0.468616164916,0.17477895138,0.0583672755932,0.459831109424,0.167037008425,0.824750605684,0.295412299055,0.768745178142,0.607188012282,0.100252328028,0.0819390202465,0.457503617927,0.395324999886,0.560563488256,0.800645215436,0.896661533599,0.3546477367,0.646746779007,0.500261723224,0.230716975294,0.665037564738,0.355620880309,0.31680610497,0.825401798293,0.103306079777,0.396395489659,0.973550359746,0.522233092069,0.317129723163,0.966046752225,0.442195236854,0.346464695854,0.105602809865,0.88529669813,0.197480699776,0.0207273730988,0.908804633773,0.0107073667225,0.665665099347,0.23797981106,0.00187723742033,0.47759761421,0.65755625119,0.44314538365,0.60333932437,0.570518092048,0.249067551518,0.921555120013,0.275773360507,0.100070241512,0.30304893478,0.726816203259,0.718182164644,0.039264931913,0.992151156597,0.233500811717,0.188485272714,0.55318454153,0.683111675599,0.751438996937,0.895778273379,0.576779171773,0.0886714766145,0.725896520465,0.674348947064,0.609563786731,0.969189686241,0.136561265521,0.759121586769,0.0485875076044,0.259436923597,0.924274486682,0.820471219531,0.834711815666,0.643471785888,0.876578225613,0.206999879249,0.266410553011,0.0912663765674,0.277092020475,0.152539332157,0.571260753103,0.79736403172,0.0330634618414,0.49766203388,0.758478595645,0.865507893642,0.463434727214,0.116407571489,0.199103030037,0.314186392251,0.273341114995,0.611715323306,0.685139585763,0.0873740140899,0.0267997099303,0.152371149468,0.879756651462,0.998673469625,0.376730858913,0.393507237921,0.890732998876,0.746172722635,0.442795718606,0.178807618924,0.692081881148,0.922767004841,0.178821355673,0.82871364858,0.958572847686,0.201710051202,0.415248056378,0.0489671914229,0.329639022587,0.338008816946,0.762213432986,0.673335485938,0.812238656725,0.0719974671439,0.0876442165742,0.31852466508,0.348899102994,0.391938707299,0.795104149425,0.791564298361,0.318538109559,0.584178038565,0.277864244608,0.871752684901,0.663982378343,0.696163741638,0.798486659491,0.530833383067,0.42152666142,0.952590150064,0.49744273436,0.881957297184,0.918960622889,0.170531197114,0.875529837982,0.910768477834,0.668991177579,0.646508137118,0.732895997803,0.497259742679,0.786563880332,0.865324042338,0.511716647845,0.30817508252,0.371650518143,0.810110024111,0.300604489367,0.0779451764626,0.489915553721,0.46999570892,0.407972505041,0.944676283303,0.259702898532,0.616441619024,0.182411698356,0.424571323973,0.380559928908,0.688681622088,0.769329475872,0.0707392797695,0.396122453017,0.524171971877,0.0586492090751,0.491693073841,0.861061106978,0.874954933401,0.24149775489,0.637166339969,0.592207540802,0.950367975922,0.0775202451247,0.407700796321,0.13458234942,0.665873053101,0.694113229207,0.845832581941,0.63325960048,0.56023945987,0.29054860436,0.355257210659,0.813405758139,0.239151616366,0.253258332461,0.223533084706,0.720967554784,0.103154018306,0.0790442525264,0.86030402495,0.454622035568,0.346315995963,0.14424141503,0.170647608637,0.256409744543,0.104327080677,0.714194450529,0.469299179117,0.00981325934562,0.992695233099,0.691086183894,0.667305195934,0.455403972996,0.76040481516,0.630087968581,0.844018762926,0.258349358621,0.441951675568,0.818534992201,0.924968159804,0.510769875382,0.121498192734,0.298879364013,0.186512670219,0.882503137455,0.868978437685,0.408982418224,0.411209702585,0.171660721142,0.605039245426,0.0370425367785,0.392890126292,0.213345232326,0.693056545156,0.64605747115,0.457237593057,0.557382752659,0.461791292244,0.0638018010961,0.295927101188,0.636042890824,0.465036435714,0.103320475991,0.476509729962,0.287067241744,0.546814485481,0.314962310267,0.722102601062,0.400983138652,0.129373187759,0.49516736372,0.384841909462,0.95660779369,0.396268702434,0.677883812082,0.534265452137,0.875228066626,0.707253045715,0.697092567556,0.517184965825,0.453050805753,0.986932449749,0.68563181853,0.392332538958,0.382367917627,0.0453041165535,0.404901892058,0.230500413059,0.384351712317,0.405467418834,0.853590944963,0.312100608688,0.698665933424,0.753011542384,0.0526292228618,0.301186347661,0.737722242152,0.75327014898,0.982021902605,0.663884251885,0.431069788976,0.0952209649373,0.214773253086,0.800013774306,0.242062473432,0.600958955263,0.640262616859,0.286397534438,0.519262853975,0.296253092038,0.735784617621,0.78724290509,0.116313157814,0.988231428555,0.901546731776,0.261483192161,0.992026439157,0.236161803649,0.627660135937,0.00568686283773,0.869658384992,0.968369778516,0.25201115701,0.759975357625,0.103232172634,0.0304529103803,0.373938031069,0.0552066106164,0.812076581235,0.884822418637,0.443395003017,0.528656551625,0.918246592962,0.0993361462758,0.808048758227,0.264629658858,0.80881993345,0.815093863624,0.212002181683,0.312754047387,0.53703544964,0.332574859674,0.921676533047,0.590855229748,0.57451995372,0.0647444702707,0.488848454947,0.792196363582,0.49785736518,0.047910240036,0.558274271237,0.744283281602,0.746419049589,0.232793457229,0.456648811295,0.136400975232,0.231142829684,0.527692719455,0.416544047542,0.256985576553,0.880873560455,0.487734672128,0.0596893557222,0.917267109019,0.424864566238,0.298803655446,0.528735503303,0.0160249040808,0.517935323285,0.289469298994,0.919812470107,0.627620770355,0.504052963527,0.0435362715103,0.927815716012,0.364733524389,0.809808705197,0.407396856643,0.665734512643,0.0462555088921,0.83524097418,0.884538213543,0.0148608705061,0.150342714767,0.344084356416,0.865532099725,0.968234117401,0.769109046909,0.558201371248,0.555992971382,0.180507026872,0.184020975861,0.50700660228,0.590285426725,0.527651814414,0.634324389671,0.15620551259,0.663622578674,0.367655668689,0.87710459882,0.218803723438,0.21980951115,0.610895185292,0.477649139409,0.0340964814944,0.197109243449,0.734774396925,0.636523231356,0.0992802633559,0.418745449881,0.660603329795,0.169886521566,0.238445330698,0.879697441303,0.372439815744,0.420922817543,0.0899116476185,0.747610650265,0.111880662214,0.535324861487,0.139290451385,0.728875841066,0.125723363038,0.611747816737,0.217286471118,0.354270607531,0.395264854301,0.533365336792,0.329826722644,0.905188610523,0.0411900504449,0.723538666261,0.340621668512,0.647542048089,0.415956566302,0.208578733071,0.3559129621,0.0997463614547,0.0301693028338,0.0972323080644,0.432055987742,0.382249238139,0.698350963088,0.61578788129,0.44543101571,0.578915485094,0.610955176088,0.599261185468,0.379219414223,0.430655063986,0.272626363381,0.715462312188,0.543521010284,0.330393984572,0.709636781926,0.144235492986,0.134652548325,0.00399873900707,0.769067237289,0.588782862903,0.166398268403,0.827550255974,0.153174547073,0.2489536763,0.760334748546,0.955726326209,0.0164167754988,0.581863762884,0.3466920154,0.364828121128,0.661610285706,0.673417779677,0.873461803787,0.222396524012,0.982867011961,0.346418582919,0.992347413033,0.733259620005,0.867623812792,0.722376341046,0.884508882761,0.179930212061,0.750958658946,0.00163907966939,0.241488605791,0.613395085872,0.29081944895,0.074309598756,0.87614114343,0.325262453848,0.0230780748768,0.594584384686,0.943590969575,0.464347127591,0.942825698101,0.08415313579,0.995507369694,0.821403637114,0.647192279928,0.982221441408,0.638901684945,0.299097071427,0.530610244469,0.325136304309,0.965290532198,0.789278548327,0.0966191343593,0.963875514814,0.292806276567,0.131692985549,0.561511724505,0.487328497597,0.0660278604915,0.696353676437,0.336455177003,0.883260127596,0.929813491796,0.757256556186,0.347384987714,0.299048395831,0.617250257386,0.206866348535,0.0566016151311,0.599120366474,0.875968579753,0.414950225275,0.679992812075,0.290065744239,0.537429306169,0.10738628752,0.116081598572,0.804775768302,0.837627676462,0.643130909152,0.648677721871,0.818558348374,0.362537162818,0.608041169554,0.348165146744,0.0360026782452,0.579719384476,0.455940172625,0.00864212527275,0.586161839907,0.18113480964,0.847131289277,0.602814107434,0.889057168277,0.80880673309,0.117478009261,0.258844267196,0.450854047884,0.0808728038519,0.516270022511,0.804729696777,0.967240747861,0.779511949536,0.934061966379,0.452936852389,0.111586442193,0.1713447363,0.0667809440543,0.90747355325,0.580732411584,0.449469394061,0.960281074985,0.336717210762,0.104654626138,0.854222029227,0.284507224502,0.449522153722,0.0870614948552,0.896071288372,0.564289738088,0.894754293388,0.211794149575,0.176329107295,0.925880113059,0.0426402925422,0.165750764529,0.553895059681,0.0423162120177,0.21804423362,0.764892178242,0.455701913514,0.628891226855,0.539574038443,0.494228730595,0.199901275439,0.554289093664,0.556589717326,0.552437350031,0.984937612228,0.74226108843,0.179497245843,0.0756093607674,0.997682431822,0.959808328501,0.351821422692,0.858257587233,0.993743764699,0.43694847261,0.0304055500738,0.771434650461,0.305908399614,0.29407496154,0.236193066707,0.985060566563,0.737168682589,0.1426273353,0.509212301423,0.0495149480683,0.469523270997,0.834870227337,0.146643112186,0.912888838104,0.804948469074,0.079137120667,0.580513826046,0.0477292992023,0.953489673616,0.181918169358,0.741464589855,0.306876252093,0.721993232504,0.180245469663,0.135924280355,0.840092387011,0.472070479965,0.138921758762,0.901944129792,0.382730310764,0.142918568424,0.36740589772,0.0489707472238,0.350300318276,0.384424613635,0.259253205487,0.211841121186,0.300512410658,0.0332063134094,0.494153094383,0.719093258441,0.655474181325,0.52686491311,0.137749563018,0.153243985603,0.119253288561,0.814587226656,0.394774193067,0.2044742722,0.750483604436,0.272033400595,0.774589229036,0.767097870186,0.0380392967532,0.811147916158,0.917169516572,0.428010587434,0.657758132505,0.0767175651653,0.00332423784131,0.427264483766,0.886935319462,0.779186893964,0.0846451907717,0.0297491322285,0.641598700625,0.457977771533,0.00713025210359,0.483364130812,0.526402433189,0.220716568656,0.276760284182,0.722819223232,0.555544891372,0.667700805165,0.841478646999,0.102455135685,0.280462449411,0.437435885846,0.458592803807,0.921848594172,0.453825675924,0.954875286107,0.499766648203,0.623439377839,0.0956260417592,0.945358278346,0.588448001005,0.403968247859,0.218705031798,0.312872324125,0.506087620699,0.545922902068,0.0218399759493,0.594570095376,0.343597052612,0.85067429565,0.431080549396,0.548357889693,0.317816822117,0.657026884797,0.583388054914,0.121646679471,0.0381851881471,0.0320614143381,0.382467756821,0.266668402065,0.395297244157,0.818198369692,0.276474070478,0.476579585869,0.659409787073,0.852638801624,0.0139035527077,0.0769894865978,0.196549850858,0.410484028366,0.765142472515,0.0892399338138,0.374830507486,0.129628129814,0.858180823026,0.485482952978,0.444265232659,0.315915131672,0.203203683151,0.389379824654,0.943359209735,0.151917059388,0.337270812092,0.127350281072,0.28840166896,0.140012604394,0.961052478122,0.342739420109,0.148792044178,0.181170962773,0.776647480308,0.41010868791,0.459000296781,0.900789246775,0.38840815408,0.504682471558,0.677410580182,0.309918547617,0.492966273141,0.456625226551,0.580945154904,0.206423433526,0.308896019407,0.293127626996,0.713216172768,0.577374210132,0.80635713453,0.0282056513238,0.0343643953638,0.724749196444,0.563329034356,0.476578456537,0.698044132078,0.0293918852473,0.250945296055,0.120134155447,0.459726205881,0.730621152493,0.351447625499,0.732965102086,0.75681809487,0.836957188897,0.933035940676,0.85520710985,0.12285385789,0.198612882249,0.800324661929,0.00550838895433,0.809896875013,0.0520315814211,0.79972118163,0.279152818578,0.242847603164,0.101162380752,0.30518150685,0.484426664252,0.395536746041,0.535296957059,0.50973588246,0.492468804169,0.0562840886483,0.392415576485,0.302527460993,0.75057784677,0.152844016513,0.453699206039,0.0154592754471,0.0644662080265,0.986480513336,0.0747162453893,0.644145196343,0.00336039873162,0.650501601982,0.419443657349,0.103480501908,0.0830371327659,0.862234510779,0.911579733252,0.339767574337,0.992932799487,0.887751148148,0.862947041715,0.233138733223,0.890785507028,0.677870450463,0.48351614783,0.81925598315,0.656459703737,0.255114241785,0.859172014042,0.235955085714,0.336841423206,0.478220007809,0.145235581262,0.860855015292 0.0494338356667,0.403874983756,0.565202250268,0.974758800669,0.72282122868,0.544114977706,0.872207467365,0.920307281918,0.760546822736,0.399140052893,0.178167301209,0.982148025483,0.515289487077,0.681197219554,0.691805454331,0.579908056006,0.521283590713,0.638961368096,0.990495760245,0.823847629595,0.612347149755,0.68718269185,0.828690550416,0.200747180738,0.273539015641,0.113328873571,0.124725849012,0.933556260608,0.685062166972,0.0157708430779,0.497449358235,0.167104353562,0.125140498851,0.730860204691,0.591588610039,0.105052663826,0.922635156692,0.433712150739,0.673451971494,0.0303382981789,0.0925334965174,0.607269389571,0.612432398739,0.889848487919,0.739075896523,0.0131733644743,0.0337535644855,0.543721264018,0.91385808917,0.814116259805,0.214054578238,0.0545392603286,0.25773113072,0.7645310851,0.968767043764,0.30529164101,0.95168947519,0.0731105434913,0.993766112697,0.481972850618,0.471041342285,0.597996555612,0.932262248218,0.151819533579,0.190239663441,0.00278115646746,0.640105456933,0.0374086785464,0.689386533503,0.7224550019,0.706226824999,0.613081216346,0.800214249279,0.398285950917,0.671663324751,0.44952853126,0.227869233251,0.568794647143,0.855791624495,0.30452470112,0.998839726198,0.278054862378,0.903655801191,0.836216472456,0.987274644918,0.960764858663,0.081943466581,0.296306955836,0.907603840748,0.566322674214,0.44531348637,0.44634390145,0.925869037436,0.00964971068685,0.379834966809,0.0486286326906,0.430053824384,0.229845139555,0.890954189063,0.0781969387699,0.129285907475,0.130527040617,0.24473328954,0.555634669133,0.783471319242,0.185294467258,0.751698011612,0.12278907143,0.82358018219,0.484578723274,0.193129636056,0.982009940403,0.943195111825,0.893117341093,0.604485196113,0.495208915741,0.15780558265,0.362505005683,0.316868195681,0.00629441895708,0.656673488911,0.0318515617858,0.952645461811,0.534737543567,0.447674253887,0.50257003193,0.223037312249,0.51115529928,0.753785757187,0.535620294737,0.575493126123,0.917610425188,0.787652866995,0.544177620078,0.253878516957,0.361788259148,0.935626261822,0.0397201733507,0.434621092268,0.560443811355,0.46750990174,0.201111738259,0.0476096109477,0.987968183392,0.225897194571,0.432615984273,0.593798705873,0.227645877075,0.383281586368,0.347571113101,0.406302066144,0.189861352757,0.0716540822654,0.811005328859,0.28720185168,0.0811378859324,0.0905120896213,0.422296918793,0.851312338033,0.231568378808,0.475140726495,0.673676164898,0.450414584254,0.0508116884398,0.350661003536,0.573216873539,0.158751480713,0.899414945168,0.5221969406,0.115194892182,0.689239389678,0.487510377065,0.528112850136,0.418823889262,0.78038551886,0.481214507579,0.196294680626,0.6061184257,0.141681194797,0.961181399499,0.7349220152,0.685229717393,0.413953790896,0.560876328972,0.723747337781,0.080434412662,0.642363252038,0.304991858557,0.24320920569,0.0571965481199,0.50389709213,0.458562693579,0.0301493889843,0.715341185028,0.0183950634148,0.720052315966,0.751005195945,0.581673508953,0.192440557879,0.0619576783954,0.116915421077,0.272761769115,0.247179551295,0.850322700258,0.278367466777,0.126920191738,0.247438762061,0.990714848063,0.625630194594,0.125977001293,0.191491133361,0.832882895124,0.447741965008,0.358698904389,0.153621823544,0.445629027423,0.898703401694,0.047515048532,0.320498010653,0.304019938936,0.321297669606,0.299961751465,0.342901181842,0.36263902162,0.746045413687,0.804572182146,0.40898636093,0.443594779063,0.521216235985,0.836499277383,0.0901041570618,0.792955925741,0.32390126457,0.937966242699,0.0593452205296,0.863730731679,0.459459073333,0.369819033982,0.386060744635,0.233519870785,0.478194623624,0.821121148939,0.0673272055943,0.657790032308,0.187829180889,0.702177303366,0.107248170038,0.581493181381,0.570716487805,0.790633987104,0.209602479638,0.746621867994,0.112441876831,0.48922731609,0.230731436391,0.492053493316,0.124861414079,0.350177799498,0.219785293915,0.520806153405,0.765291902364,0.0256851408841,0.959162780885,0.862495058814,0.427274198399,0.210148623087,0.515131393314,0.151458498851,0.218748133071,0.345610977845,0.140133613641,0.373945057838,0.984203248165,0.0430573771945,0.904547214317,0.889412165032,0.328302171807,0.656914493112,0.41136316455,0.346399077264,0.244033909799,0.335069602889,0.656495373719,0.815168628886,0.00890771355648,0.900588150522,0.955555099136,0.43609935073,0.899690490028,0.198996606958,0.609082824963,0.81551825734,0.681630050983,0.405477812304,0.634616006404,0.90849114029,0.148558884807,0.514119783519,0.629756398628,0.620739423688,0.846119169204,0.530427800115,0.088337313338,0.345021124047,0.955031579783,0.575823449293,0.983989118001,0.409271688897,0.604696669838,0.368342199516,0.558838796128,0.197112771871,0.0308570713075,0.889477762274,0.736186816861,0.122900375736,0.108604211049,0.275213859684,0.618035414585,0.305485183233,0.593115693956,0.509366252328,0.00693715051292,0.259691502339,0.406376636936,0.932935000781,0.0495039491867,0.115082180761,0.051463838329,0.159907371745,0.89108060536,0.837583139497,0.763804254953,0.509061693129,0.361898750311,0.641684515999,0.441220209764,0.375037844796,0.169989070218,0.644875925518,0.740769327089,0.47634808285,0.57756713724,0.142762009689,0.630158854598,0.484366929727,0.0804653080525,0.654658100299,0.381043032164,0.204854429973,0.0901110273164,0.407303380204,0.336278245083,0.133091024639,0.361759399381,0.268736646266,0.733786840156,0.0307593835724,0.452721264835,0.43499938906,0.842077908618,0.561014130861,0.267916664406,0.847933379063,0.551574574779,0.565170395637,0.123307826508,0.787714112163,0.563408066433,0.236056739678,0.557850195195,0.0723098458928,0.928430487929,0.378964847943,0.659416311601,0.0699657252363,0.137240400232,0.87863771936,0.568305918314,0.429830568527,0.733846835886,0.171431263775,0.954426214435,0.594919176761,0.106185773286,0.701949018629,0.31972655907,0.498850920397,0.537748718561,0.312141135272,0.655454397477,0.454954027976,0.92757503643,0.730267941252,0.0636821043492,0.38582872613,0.572580860085,0.668826679283,0.557897604231,0.774532429165,0.333121560514,0.776737415255,0.359728019264,0.372561853318,0.372147111931,0.563819126476,0.944918890245,0.913833561584,0.435291202302,0.472418880987,0.881789233415,0.128847402818,0.0385959571956,0.00739228016108,0.526777115719,0.648130057011,0.45680791193,0.168851951964,0.795248024736,0.0160578992529,0.776110419071,0.548726385086,0.814856097137,0.530670038678,0.647892152383,0.696801694176,0.869217564413,0.568222486034,0.666734836346,0.717071666014,0.142396493486,0.25135396757,0.221576446742,0.624277837649,0.529425335647,0.162780322379,0.0243931307573,0.830571327132,0.424437342267,0.980176704217,0.350057555965,0.328276639531,0.714862520897,0.503202200205,0.137118796284,0.740681967992,0.210504058631,0.444694994708,0.857344457568,0.937106011407,0.420159543449,0.595448371436,0.865084291766,0.993995884408,0.463047545902,0.264836173865,0.0819453821214,0.249468007804,0.186015573322,0.312079829883,0.569936398668,0.131465433005,0.943062887642,0.298119373603,0.640448113521,0.158504290773,0.222124653099,0.907181861838,0.051049289842,0.896925662438,0.73701420256,0.633603950881,0.452371136674,0.319907567216,0.243533144256,0.875891890437,0.911365914856,0.372341228648,0.470938085909,0.538279935239,0.757688206879,0.973654210151,0.734140369638,0.837647653655,0.951960590765,0.802038479296,0.143928454116,0.145133671061,0.736583275839,0.317828705778,0.236783087438,0.206061814981,0.581417220069,0.375237826647,0.411484632988,0.506712617849,0.404148190578,0.867601265694,0.347191289355,0.447430615121,0.740853792337,0.966739689862,0.806725572419,0.672502682253,0.446614778346,0.708491523196,0.382663060434,0.745882753328,0.406967639409,0.98360566888,0.545256163568,0.930500130203,0.626362692109,0.770002601559,0.0858823093103,0.235607823809,0.215598520755,0.27657084302,0.989063485017,0.74163115315,0.205441789902,0.0465528892619,0.102992837394,0.38041798426,0.832230894533,0.317611307181,0.15671996911,0.735310636734,0.306990307764,0.58020369742,0.0996381519617,0.964624683094,0.779097682998,0.791672276595,0.732225534802,0.875706153536,0.72409836672,0.392295706396,0.317612332909,0.140583786121,0.390830907656,0.654948765511,0.0813323429364,0.00605490197551,0.342101263013,0.255923932308,0.791144100433,0.738580747057,0.97607934223,0.101479111258,0.443645828944,0.899648042484,0.309695800368,0.438011373743,0.1567340766,0.132577434155,0.17184600583,0.65680417487,0.588896798486,0.965727649663,0.677685690082,0.347446997195,0.350690303661,0.349751679103,0.0951717160617,0.80862373273,0.689670974262,0.280051191629,0.039685095475,0.418655962748,0.288588375888,0.446866281772,0.614547612533,0.271651261431,0.368571159101,0.418902010651,0.744401142949,0.567486064571,0.287437038586,0.661344783434,0.95932237098,0.277832003423,0.0360335746236,0.291484800918,0.82642397498,0.050223025211,0.125092358894,0.745591787524,0.256193979099,0.888633423918,0.712677010872,0.773921909225,0.0286529772401,0.069911240099,0.688434049289,0.647507751316,0.7354080861,0.385574977924,0.291485541107,0.0738307886913,0.27039110859,0.0142931591757,0.975230494875,0.38938275349,0.937621454446,0.066097155414,0.495661661223,0.957453067425,0.257236304269,0.127825631704,0.161991840015,0.923427666238,0.794269574308,0.814370178977,0.184033640775,0.898203572673,0.0388007228677,0.126123877018,0.636819367401,0.500386892501,0.154488626321,0.880730544991,0.990396590469,0.244188314817,0.375462995386,0.40043651927,0.166081590681,0.701636150542,0.696641731312,0.479772304725,0.00506899233015,0.289764593905,0.735149358102,0.676428596715,0.92054245676,0.934731401989,0.871119423387,0.326690939635,0.860869100594,0.548889031957,0.061763965329,0.045831698917,0.945464850342,0.831918274961,0.623056239723,0.791444237217,0.753130337475,0.934914714622,0.662412083289,0.645389313052,0.481265371599,0.741116419016,0.358264928351,0.214004622057,0.0491697021614,0.547178751271,0.517585506596,0.831808911068,0.178746801635,0.329887428453,0.451438310649,0.608061243144,0.787251119667,0.0515015041031,0.536396863464,0.294119094439,0.0708264904341,0.48653562471,0.467967394722,0.800227807357,0.59671066805,0.500555103383,0.959597668994,0.505247456293,0.291096669976,0.325800671113,0.312138519184,0.0905461360784,0.995307405504,0.0804166638513,0.921203997101,0.194668453731,0.519386628158,0.402927402194,0.318999739131,0.649354984394,0.254917494748,0.99074442943,0.409923266567,0.636660111252,0.472099246367,0.389800046284,0.670001167708,0.754387656381,0.215992017655,0.919336305678,0.399925734152,0.673186353691,0.873485756782,0.00274094150323,0.272522900576,0.314075070236,0.68121328966,0.309533321127,0.279537095845,0.0625930424621,0.640607854875,0.496500757023,0.759350570868,0.26858036863,0.891571024527,0.289321774958,0.370562274995,0.262285921208,0.92248840914,0.440414122813,0.901627965228,0.650265212403,0.196850016298,0.452685460231,0.132314113495,0.119638520202,0.176901815551,0.381349707123,0.743821153903,0.391680243306,0.886359886456,0.0818520696891,0.650434443634,0.561104256154,0.713313638921,0.153280150478,0.471458732665,0.188477078391,0.912619384992,0.606879777328,0.831666033804,0.805020342197,0.240893489292,0.0724260964752,0.92774073318,0.735505247418,0.202856730713,0.115025242251,0.924711819208,0.912699986492,0.234689142334,0.620529665061,0.901787762804,0.327579997729,0.646715326222,0.623460145985,0.505039616393,0.102931060203,0.401280496288,0.387758120687,0.736160020031,0.773312451493,0.357635735118,0.963076700134,0.113435748694,0.0750975287454,0.765317722405,0.419659699074,0.143381155043,0.340969887996,0.67949654148,0.0406748860316,0.481986156584,0.779252628326,0.543947733313,0.700392673946,0.4335498828,0.448426124855,0.48193562155,0.419495733218,0.389363696599,0.706396433427,0.911072163247,0.458253080816,0.10747113261,0.744574952244,0.513415760444,0.262557745779,0.941975976169,0.390461437452,0.846828530064,0.527999575274,0.321980902191,0.05755951693,0.599860447666,0.981813681877,0.179859943666,0.154633302208,0.349089775008,0.632151594974,0.452713709788,0.0119659401073,0.0799055963606,0.684202830577,0.609817226248,0.455459381558,0.844961256863,0.997103912256,0.363466696201,0.0116083199937,0.734020378328,0.800240838399,0.98789015587,0.853056116428,0.0379807583193,0.176201268285,0.416361534257,0.618956236345,0.830425651942,0.031854419504,0.37251103852,0.386228187041,0.321384902369,0.433612511729,0.449303568548,0.712033406065,0.314036467536,0.115300873516,0.77536949025,0.637018930455,0.901374935519,0.557165432466,0.498108996087,0.134834553185,0.954352343788,0.0456278961796,0.606491579891,0.904029210919,0.0987005820774,0.367537247382,0.234886208727,0.294109138608,0.682410795849,0.222666943462,0.841075194149,0.588118993606,0.512545665558,0.836189351392,0.203779386501,0.0284229100223,0.344872563745,0.295562239721,0.281432412733,0.405019353724,0.240233182278,0.94666994092,0.581162639696,0.9844188864,0.871218740444,0.0116153703222,0.706956706139,0.869024169823,0.997272431545,0.9037423769,0.709895944801,0.90095665675,0.432403943775,0.682874597304,0.438520782153,0.807624371966,0.442098860216,0.975511152642,0.887950043281,0.252496850662,0.77616073584,0.342623546388,0.899481028657,0.0312229327577,0.286671892214,0.210549910758,0.464470176076,0.441370951182,0.834339497465,0.136867446721,0.742106274256,0.313889813145,0.172653038655,0.991164774389,0.169620580178,0.566925966608,0.218151737938,0.345597203645,0.788943555866,0.50867668331,0.913554043386,0.89155169324,0.71943957368,0.244638030653,0.867684668411,0.544024518125,0.641717806558,0.53612520222,0.718250379952,0.37108121525,0.492662921223,0.066459843183,0.503520576056,0.0836156587141,0.37037659539,0.998412771984,0.101636206119,0.657218065015,0.575912862325,0.108282343871,0.270379661895,0.263017765812,0.713068960815,0.487735399986,0.218874059987,0.774765398581,0.0866089807344,0.706398413816,0.853270785428,0.061378418723,0.575539088504,0.240328130381,0.33994712996,0.903407063283,0.419824323256,0.791265144328,0.495742578124,0.00878841879906,0.832660756541,0.0934431821041,0.81431877354,0.612114072657,0.930149714379,0.0702639005425,0.849306158088,0.230743190732,0.752261721569,0.318385049575,0.627011339017,0.948425978937,0.854938951657,0.34488969028,0.69122727929,0.87775221668,0.81332324844,0.117490803989,0.728416531164,0.283986459274,0.673198324814,0.206431309242,0.559327557663,0.620124382711,0.0436672333706,0.997140046837,0.166629540348,0.428632592002,0.766108581516,0.722293623143,0.56754233626,0.508557317393,0.622237069942,0.416939985026,0.264128582874,0.944585590603,0.343686556078,0.366865778486,0.685095500663,0.376110584939,0.899601461633,0.911469573314,0.937069741429,0.705480722657,0.709985913781,0.781736157877,0.0046983024766,0.520851224028,0.976446631647,0.96505246163,0.367997867781,0.140127942462,0.878130171013,0.145598135511,0.775344165368,0.936029521587,0.912149980078,0.204552614625,0.173256636852,0.523230701893,0.00676095880133,0.0831103404851,0.977281476219,0.00137075280106,0.820647238555,0.118053997244,0.750284973836,0.85140484487,0.355339892352,0.583591809633,0.0698792766464,0.450003946239 -0.118218911867,0.191018087845,0.0191284681137,0.836490706983,0.168114265308,0.313354375528,0.319736553785,0.251939455344,0.828268636845,0.377611244895,0.950804921698,0.679173709315,0.494598174012,0.280128723106,0.828857345969,0.25562225059,0.849956501262,0.183135298718,0.604074108654,0.525500075364,0.334820021951,0.515092702229,0.382674326806,0.798561219176,0.0847139289756,0.547721369577,0.653476128626,0.420874502405,0.0445492432239,0.596975181488,0.620170149107,0.511396459142,0.509162746953,0.713176362254,0.881674313568,0.139590472116,0.575396485477,0.723129465878,0.0767194079779,0.243301569197,0.651662134185,0.473914024564,0.776331555182,0.0366145321286,0.986728679815,0.696019475798,0.537766064249,0.929391147899,0.108714048941,0.910895222833,0.239273030313,0.488423739941,0.000553620320239,0.69265781858,0.91287276164,0.217504946632,0.599425423474,0.679719176371,0.267279509036,0.868311032255,0.724336791406,0.71026653952,0.0919377653584,0.171967160146,0.276719073869,0.596972360139,0.661268866338,0.197551094465,0.0725378398201,0.0177761949615,0.635850735658,0.580756206621,0.847350658187,0.299962598522,0.470584424776,0.270963463905,0.7289047208,0.168006721268,0.362441915235,0.375358407833,0.209054578121,0.776727381759,0.546723636976,0.580799709524,0.619229665611,0.495599104909,0.104113873943,0.356097868442,0.259911634802,0.690341430204,0.841883009673,0.0175295149663,0.308770421704,0.556128244817,0.0983478040289,0.46153268093,0.118435632535,0.579922088398,0.69507534088,0.52052819229,8.78464599832e-05,0.164834521135,0.289839981723,0.908615656238,0.0172023359207,0.679660668222,0.721373308965,0.44950456088,0.740654787743,0.052089844082,0.884139663193,0.899522284075,0.0649946812971,0.26028579857,0.36836494303,0.830089351451,0.176209163253,0.412238429544,0.299803298448,0.181469483394,0.415071328125,0.702604564197,0.813405004865,0.718666816135,0.258737204773,0.553585155313,0.520310955639,0.915487356968,0.114740785845,0.963133666853,0.800712328638,0.138751126633,0.1904122066,0.696724343663,0.67529915171,0.337638418875,0.73789909242,0.135472832763,0.156831539145,0.480731879552,0.493357398633,0.485119151976,0.999457303045,0.805590254282,0.819666535651,0.71353130839,0.4052511447,0.253466828201,0.442638830134,0.398746154867,0.831040300598,0.380770442795,0.317220253705,0.949574429735,0.470987106254,0.838976618871,0.724884462101,0.601777321142,0.26343611151,0.645792578985,0.0821806459267,0.406912380988,0.492007235192,0.600673743202,0.519499993504,0.705904554761,0.866201908298,0.168264852587,0.094299033986,0.439929075805,0.615343225735,0.139217145272,0.639644730033,0.230598699017,0.532439408909,0.00392036710945,0.304366349158,0.00530842375428,0.23549682833,0.287622700543,0.38278814161,0.980117802922,0.432756852224,0.0344559206603,0.941991881372,0.505074053021,0.624498728821,0.309033908067,0.94214073208,0.331110994101,0.219359779999,0.710899010227,0.566863137218,0.307112186808,0.438925442319,0.762803666193,0.808488581067,0.361660137636,0.57932421239,0.765247486531,0.136050260877,0.672204120383,0.872632444052,0.884290036708,0.601486981106,0.605822831246,0.623455633885,0.886078748577,0.378958536766,0.118199179132,0.160704246609,0.112967630725,0.999113314388,0.246925535741,0.257956939857,0.118249729173,0.558645060703,0.627837572893,0.771600273034,0.515074398362,0.501095101199,0.787052169004,0.586700499696,0.264339223093,0.484458475331,0.701476578415,0.550597383325,0.48981912583,0.948861579941,0.469710819565,0.0992282685614,0.838682149459,0.619469313817,0.578988393551,0.500132074308,0.361378834772,0.993485390179,0.203734570491,0.0539075810609,0.708607172727,0.572899773073,0.101783988509,0.109121916449,0.206228393332,0.542051515102,0.906295754261,0.141340592937,0.00132942587311,0.928465777507,0.147059724636,0.823662677105,0.238978372218,0.504032044857,0.59755186391,0.611788151395,0.410410297918,0.11145021438,0.0238113606384,0.309678301445,0.869734248072,0.850585403302,0.64858092881,0.380942436263,0.674809946487,0.271653903916,0.914808230373,0.0655693598011,0.151806272588,0.335081521568,0.957220097988,0.900422095888,0.793589809768,0.0257264065856,0.995959228852,0.565979215368,0.293922190367,0.534579224622,0.938078764329,0.404026332003,0.318070129237,0.828445972624,0.121394530575,0.830072178415,0.349281127205,0.215897231203,0.770172032385,0.808783110264,0.654355361038,0.312482538875,0.933861185191,0.510959538267,0.805135021699,0.458159557696,0.433027024272,0.964950397794,0.275819075796,0.461455718987,0.96133451921,0.298398816482,0.0760542915007,0.978016365868,0.659865978932,0.486221930937,0.769834294559,0.632028668037,0.10459218946,0.149375748501,0.121519563654,0.122546247309,0.826436080616,0.998186039726,0.555666062774,0.25259058179,0.747575429109,0.208048602528,0.43777362257,0.919718948602,0.796398513889,0.303958859142,0.221248496323,0.450456717557,0.603849662832,0.868735990901,0.219222652165,0.840834440496,0.31138296574,0.379100638898,0.692758652522,0.414896950108,0.868176038251,0.485864502604,0.757394775247,0.881715882264,0.16457525981,0.352228832757,0.760596253718,0.709936535191,0.897667644394,0.592060214344,0.718857774114,0.36158934648,0.754684032082,0.669452170177,0.523662875588,0.815197086059,0.808748474478,0.130606409933,0.865778573927,0.186743539732,0.617266023106,0.971569820555,0.555251050162,0.0702523659328,0.530816018658,0.204376971493,0.560811227985,0.562642361968,0.000755871690236,0.738364996856,0.568933903735,0.900464296828,0.00329833088137,0.350632158574,0.941003622343,0.334217626846,0.807716505571,0.125458679803,0.895842148753,0.0595348079786,0.424026909646,0.166430883154,0.0181214555086,0.706083319544,0.3719434465,0.349043770279,0.329875885885,0.494989176962,0.286362014359,0.11147456239,0.312739556499,0.821482958271,0.778263691145,0.292557159345,0.129238430898,0.715638180376,0.742409397218,0.591440047094,0.833628955937,0.872899346222,0.653997723086,0.349202660668,0.80049401474,0.666110198814,0.486812382973,0.909527280077,0.1162399131,0.807278823864,0.00934788416922,0.452420375177,0.653079852226,0.560097492606,0.918859185708,0.175367465332,0.921082922375,0.211605803616,0.550916925633,0.70360032319,0.800806830003,0.150275946391,0.206540154265,0.642276112574,0.998549683863,0.303544447761,0.66222731275,0.387750167091,0.173316600096,0.13082384557,0.29755130288,0.456626667278,0.700773436318,0.380750379721,0.0930157152972,0.356291362914,0.636032193367,0.28202718959,0.00895947946024,0.351852154493,0.661603935645,0.21108011564,0.640250687659,0.145454544486,0.854049914917,0.253294180591,0.252809090031,0.997528728657,0.213785195069,0.562151802866,0.763835771963,0.83786673704,0.872866023127,0.0639427371536,0.427193715309,0.161679868123,0.47779671766,0.264902658394,0.92606777625,0.081660445154,0.381893656533,0.636297630414,0.402741830426,0.31965126918,0.210662752005,0.0131567274401,0.0462503583286,0.193775399812,0.0423230600429,0.227776465157,0.708222289701,0.411101831139,0.35111950353,0.455769890076,0.466809924499,0.21978110655,0.785357064539,0.476610046893,0.403659938874,0.846441455638,0.538554226559,0.844642697666,0.192969023507,0.936848449463,0.134869173188,0.146185367333,0.782057992104,0.0797086239358,0.0967234817565,0.0538929658423,0.785176931524,0.544249196516,0.915794412675,0.0266829465546,0.000355176080948,0.693015874024,0.802678603903,0.0638018643496,0.947907205028,0.14036675237,0.850157517043,0.151796311231,0.66931818264,0.516476050498,0.111980104897,0.931070369605,0.837900331753,0.27963472444,0.0965387618626,0.301448290951,0.935715708347,0.121361014387,0.735862959438,0.105336276126,0.711684013273,0.0994818354185,0.239493110235,0.826307111092,0.641933267988,0.951069810237,0.285741896751,0.474880291345,0.0116699555858,0.962592188101,0.974819859286,0.432660713105,0.795775395151,0.143902325304,0.28840737096,0.465545478944,0.619492973413,0.214865575602,0.26893550747,0.595576503615,0.603511906366,0.170770476686,0.534250228766,0.276441203639,0.178492145919,0.725215020637,0.19717522066,0.723086707375,0.539398514397,0.584068055347,0.112441682694,0.608852665183,0.895726019161,0.539521853207,0.482787833837,0.707820055703,0.495757883812,0.745800016414,0.232015957227,0.0189140734591,0.591969044098,0.237385217635,0.540518770785,0.396437623839,0.706881131987,0.92913672721,0.245307425412,0.058161688588,0.531467750345,0.874813324271,0.175403772817,0.184724602641,0.142375148519,0.127932498781,0.469837597958,0.455669532276,0.860357564699,0.488953821118,0.429925383809,0.276273772383,0.122994831389,0.827715842934,0.301761801006,0.43509871522,0.749880148701,0.876309988938,0.115482623385,0.381852224173,0.158200544995,0.550092889564,0.478654924913,0.258597959787,0.889838614509,0.463237313958,0.939853949163,0.604700179,0.326488260113,0.0840330489679,0.345225347511,0.677822565671,0.425779946772,0.464329762234,0.071027817524,0.479026333627,0.7787348869,0.259072734553,0.54236785399,0.683730322603,0.985745092113,0.725072707405,0.771126191395,0.686338941792,0.340234524914,0.518855105738,0.988073320774,0.9692571218,0.108212437287,0.833745798915,0.792503052268,0.268531020727,0.322648528656,0.293655122643,0.427775553501,0.0843150086924,0.519858920379,0.479808741989,0.0236223124304,0.0762117690955,0.585954088017,0.0338816574081,0.813840921799,0.937221779079,0.856292213214,0.211603360974,0.326943107079,0.50833223539,0.491093283954,0.00786173742094,0.0541857685823,0.986562470329,0.620420765621,0.97067380207,0.964808328817,0.894863713942,0.329054364501,0.746223239072,0.464485434485,0.787894354953,0.338816293981,0.723167426573,0.306908031967,0.704821018037,0.516338442692,0.407586793224,0.514281540252,0.37970241404,0.260458531685,0.48632860657,0.879974804072,0.339561207355,0.834522476492,0.0168329293641,0.628290847567,0.220765368765,0.132131380635,0.673718522786,0.95096750552,0.74783113803,0.225261322368,0.651052263303,0.992984770902,0.525994655882,0.31759966962,0.144701710729,0.016285089951,0.782425401131,0.294427158614,0.181979927899,0.693769375858,0.153526586107,0.786429148208,0.618584068179,0.993606171893,0.687053342069,0.485372560589,0.381837967078,0.159555423906,0.650767457334,0.668952017599,0.133668005382,0.047395660481,0.676426099119,0.0972535340048,0.969843451733,0.348007473416,0.239250803117,0.369955617328,0.630757937062,0.724154216058,0.218193420494,0.598765165017,0.118637086838,0.0590376201372,0.236418375225,0.991059346075,0.2395702532,0.645590518006,0.0570643328945,0.0270416899533,0.977494326027,0.770325047175,0.0272392174623,0.0450218831442,0.323839101789,0.591392227025,0.10864935937,0.837773427421,0.812287138509,0.0382113511703,0.230202406495,0.880372740195,0.697436183371,0.467498792932,0.981582638107,0.841479417876,0.0438763407313,0.749244100875,0.235144705244,0.510809343791,0.871922442789,0.0586924971336,0.863378294527,0.126102097553,0.408296596443,0.636704552952,0.86326109166,0.0280785745532,0.788380206254,0.0598856923682,0.400989155233,0.855249088919,0.904921339555,0.645971572757,0.14616841914,0.931970362699,0.376956532727,0.783958308654,0.181118836313,0.328423529269,0.171745769035,0.257084293832,0.370268137147,0.650111975522,0.851055872214,0.0801181653733,0.37472300873,0.0802095676981,0.363916089524,0.3622337101,0.0659004040414,0.0387991520066,0.413717933738,0.365931484548,0.88907513007,0.954296237312,0.624865736279,0.669811716377,0.657577162261,0.786986439459,0.131921827657,0.633523121505,0.0853429757344,0.971804296946,0.271042728038,0.518445506769,0.150253800906,0.829886309327,0.815915177899,0.836379309683,0.136535602328,0.424013586262,0.737828573509,0.17471974564,0.567046914269,0.784957457749,0.0605609601533,0.714769342036,0.181332745578,0.722550707436,0.646177605584,0.820952383086,0.468475917584,0.573970237376,0.332723774032,0.0578599145992,0.418926000359,0.779710920976,0.2481430299,0.365005963251,0.830956840242,0.80891715733,0.886825572149,0.815946273327,0.415440350564,0.958026881541,0.31529809553,0.753363504087,0.102707073338,0.957132726356,0.0846113248301,0.785235291148,0.255173740468,0.863983370551,0.0992460871241,0.606034629792,0.374640102056,0.608326962592,0.71990966044,0.546125819961,0.187323139257,0.106884784864,0.0301331995725,0.196357797983,0.720658458837,0.393340067358,0.731193625333,0.375616110471,0.933562574921,0.0509912811967,0.260377652667,0.320457056249,0.387049721489,0.10054761086,0.0755444603539,0.826454902189,0.728834714477,0.474157675365,0.0771935477111,0.990649737763,0.0534539596683,0.650346439957,0.511231059208,0.31083857718,0.439776377228,0.212292044221,0.441560775095,0.696545648019,0.370809471216,0.419110051205,0.33545900569,0.735260422136,0.0983850019636,0.265572067037,0.157662488025,0.148311437644,0.469238307317,0.354151719593,0.275159889097,0.843914985358,0.639977600342,0.0759254477883,0.193671820854,0.962004396227,0.232868828305,0.0355597032501,0.83264700034,0.32377542504,0.0141315606227,0.543917217296,0.186282758641,0.127514461075,0.232686932226,0.0643208923482,0.481291406808,0.789517284912,0.979566731259,0.690257631698,0.578745049438,0.944673697065,0.742404907429,0.984802784795,0.960378956878,0.777273292013,0.0227028456449,0.45002092244,0.000849055921406,0.499859756204,0.970221961913,0.565680782837,0.560145113346,0.252036127974,0.194915162934,0.461552154853,0.50360817287,0.503471588377,0.928727541139,0.750996715042,0.78677054216,0.378497108815,0.755400018399,0.358710263539,0.520584311331,0.0873154181609,0.0022354920977,0.630761286169,0.302088389923,0.674643545687,0.615476494395,0.053987742863,0.906754839754,0.947685742119,0.95670450114,0.0863113388771,0.231303776267,0.385136467599,0.137249739548,0.84680432965,0.170967280371,0.104711711289,0.182929442195,0.897571174351,0.312264109267,0.559080826214,0.967807267802,0.146791444737,0.692167723404,0.685336723152,0.144503167297,0.489697873389,0.669576292526,0.336694050679,0.00614703405839,0.257543642965,0.0472655960927,0.508596397581,0.321599205097,0.497209129299,0.645970488051,0.197934318181,0.647681410345,0.984672883121,0.358704539086,0.754792490793,0.810484656286,0.953999644818,0.123678038333,0.170394346049,0.227925613991,0.293496749572,0.652963146954,0.740862618242,0.67037929673,0.458808407874,0.0667247247466,0.394250109719,0.514038017803,0.894495317956,0.945811101269,0.603408392233,0.0826990652237,0.857502602187,0.0674487876759,0.880304483955,0.0429727486913,0.896053760963,0.579486831832,0.0284470361367,0.758479206445,0.896878321746,0.935791834587,0.219743856377,0.419228503376,0.664629471906,0.287963179754,0.366227404347,0.319575940965,0.833081171895,0.53331687166,0.236754237928,0.127706965139,0.174307118678,0.752203524001,0.610557498892,0.773927388046,0.0463343844601,0.243147780557,0.273292472446,0.148435925095,0.955598266586,0.856470724041,0.748843014362,0.879948334173,0.807277702169,0.214931783382,0.971091847706,0.177234244629,0.5194567209,0.233187207619,0.290749860038,0.996224052983,0.805800928695,0.657297803651,0.529503026667,0.112388649314,0.0692932197114,0.452826872681,0.737016299678,0.812026738504,0.489138267992,0.455860333911,0.650025365736,0.598384785533,0.576730527666,0.642028041325,0.231821336827,0.115227450513,0.49396871406,0.269187614976,0.409834036478 0.221107489937,0.580225014517,0.48343841743,0.731215914672,0.825622009714,0.91621268212,0.448713641529,0.133997363027,0.895344795381,0.96738724947,0.115143334737,0.971099835593,0.899179741298,0.319293743361,0.924384399424,0.6446372239,0.0653528494139,0.156211017313,0.461332345332,0.123226008321,0.261021957976,0.235151085626,0.0467206552225,0.559112167361,0.858583065783,0.0487898643491,0.331224045806,0.434571474256,0.110689448152,0.693948884216,0.562619553723,0.139128281721,0.107213925744,0.50462905948,0.619257812637,0.341897724303,0.834011361301,0.43418387202,0.263502206813,0.961981488308,0.876695533697,0.639843893398,0.647063177411,0.950067319941,0.756640025016,0.210656061624,0.962168442796,0.359546699382,0.67256591791,0.798213326179,0.375769262316,0.0743059342271,0.686335382672,0.894777830583,0.603042771016,0.832302304202,0.268463201509,0.43625505823,0.960928656944,0.482457848494,0.887200681305,0.0167748511086,0.36190646228,0.0352578270052,0.625501908262,0.91941701443,0.399548181313,0.501380372369,0.773216513219,0.732539720187,0.139567376431,0.0395674327292,0.845719027039,0.93546118012,0.405624601196,0.0456156840821,0.142746477473,0.446261409077,0.791340661897,0.661752369683,0.00254842874782,0.785807637919,0.952307661608,0.123932842395,0.638725337477,0.913129094491,0.163269405962,0.934047499125,0.815309266018,0.245632959636,0.473777648672,0.963102195108,0.627542985105,0.417334903765,0.936596126948,0.491165913527,0.945649195516,0.688829098785,0.596449183686,0.837516232389,0.950740626966,0.828206072467,0.622591341552,0.225297510105,0.430616856569,0.10047400104,0.550194525777,0.0472534282232,0.846703874605,0.172552881852,0.000784352588664,0.78655595126,0.816147121771,0.419354940162,0.85573352737,0.536474599041,0.906596704156,0.83723531895,0.316232456446,0.176137697456,0.286085357209,0.668875141566,0.597038503853,0.595656941616,0.248838646145,0.712647326683,0.813672282709,0.618032502846,0.323130701284,0.548528936342,0.60339570141,0.00386308890951,0.837323330609,0.962477738479,0.377840892584,0.190113721961,0.100015723754,0.864599952743,0.804434165828,0.856224234395,0.899098452407,0.899215090819,0.113877817218,0.464724055002,0.159219900455,0.0590601942332,0.0389281138676,0.383956701743,0.82848198048,0.376281515451,0.12284446621,0.868701300572,0.301783950346,0.764067073078,0.457527435342,0.911427401843,0.65239323106,0.866090001946,0.319877071148,0.275858619373,0.0680161242132,0.923195414502,0.57119299861,0.286196498844,0.728660500953,0.395368273787,0.983355515116,0.48253207543,0.913921700039,0.533237613583,0.80364424273,0.161234112852,0.0360817998666,0.0567919264258,0.051849669324,0.704416875744,0.16975493682,0.580823248019,0.0945000924379,0.638039160917,0.538710414209,0.117316870875,0.879441142568,0.336938796626,0.113624719403,0.763152120816,0.394540935728,0.687624122571,0.434612027341,0.73286511629,0.931776293997,0.174471766194,0.837796331575,0.966464365756,0.785511395039,0.511071025419,0.692784691882,0.273558676694,0.360882822529,0.754432198262,0.833403509996,0.894740266095,0.0881221040077,0.0576255263545,0.121415273536,0.71570671178,0.0105805123836,0.719632660181,0.223182822471,0.630788795325,0.539957806685,0.4438954176,0.608180700178,0.605218102707,0.538621948847,0.91015329754,0.594058860108,0.166251339034,0.0411643915353,0.903432956041,0.432587346169,0.3958862565,0.812531440187,0.280454599404,0.919861488078,0.120057040305,0.296220383331,0.773164360262,0.297620248098,0.691555605646,0.93404997644,0.545515021728,0.0381133130806,0.862908045632,0.0059052490773,0.415894858459,0.668415933088,0.0730465221364,0.157535090645,0.798045193409,0.343444736187,0.106614209954,0.697874428493,0.212435093154,0.276676283312,0.0945661656136,0.784964822742,0.102308791483,0.186003091453,0.596837258572,0.113203966011,0.76250162143,0.888308241864,0.583970418298,0.776672696882,0.588791504112,0.711457188865,0.409749229323,0.686209195928,0.680296941912,0.262309840266,0.49836777789,0.323590199593,0.904327660887,0.226245158545,0.364383382386,0.0222313486202,0.604587987773,0.653714084958,0.0672873333043,0.0722901456651,0.500637393749,0.975178043659,0.0546014419019,0.729865032245,0.1582040942,0.794692255487,0.647057246945,0.350904676954,0.697939908223,0.729611464046,0.0743668990499,0.343336025499,0.619432113508,0.789620724887,0.366858170139,0.965382743058,0.845499459893,0.363862946667,0.491183989463,0.81793418949,0.424337811142,0.250436220607,0.047459504232,0.152829659984,0.663434222692,0.661653274251,0.793432434806,0.450566269455,0.956270372358,0.134510972735,0.995505744849,0.706562833925,0.752704911321,0.00366683008913,0.855431679437,0.365260712595,0.12742070088,0.151875805578,0.85762375317,0.158893639434,0.342511126716,0.964635022953,0.676707571418,0.432432015632,0.571172311801,0.534820694349,0.443786464349,0.552114095436,0.586439861927,0.0835596796126,0.839111511704,0.258992133688,0.407479652177,0.10090462965,0.383118534054,0.850187688815,0.269815452517,0.548679591662,0.644523277838,0.801074746788,0.682622751131,0.0186500484197,0.19501339016,0.353917863073,0.75045821675,0.467036738407,0.063529592978,0.435067997706,0.75410315313,0.309479494667,0.739227845477,0.362620908785,0.247139939029,0.818732347794,0.0274687413424,0.338142949706,0.926000142342,0.809808101528,0.251384526903,0.143194029319,0.568126090241,0.273362310019,0.00133301194405,0.153954786096,0.258092822665,0.0437381279592,0.900899733192,0.714610055628,0.760653666607,0.952222266406,0.728248149224,0.308048800875,0.136264994262,0.83322654651,0.748954588592,0.145531214618,0.458864354523,0.946415727306,0.783396794088,0.532672372217,0.883040514884,0.199912519356,0.897765729225,0.574138151362,0.526751609383,0.311869165374,0.326243521603,0.92634248564,0.406641657543,0.941318307132,0.102508422914,0.342865606079,0.0983646666933,0.128238152725,0.737495849573,0.638264851907,0.158178484222,0.400013729636,0.301501840144,0.648083950841,0.138820399295,0.229435759926,0.820291161175,0.475816483798,0.162672646769,0.130700564653,0.607261551653,0.268506435823,0.56486725899,0.388080139267,0.72684291111,0.367376037809,0.842999435826,0.516965130266,0.160322729791,0.298055576476,0.454110978972,0.0950768498228,0.023505273571,0.523615891308,0.407681496104,0.765735945551,0.625183949767,0.527903232321,0.241229510412,0.273134529891,0.329918289832,0.382612606248,0.365244834304,0.773548036238,0.152112186599,0.967062831151,0.0571282602732,0.777560792529,0.96575264187,0.838819433843,0.599058830811,0.870304152917,0.688475609124,0.868478831829,0.231455940916,0.033265166784,0.955559518191,0.330122055299,0.697941865538,0.725193400666,0.619625378,0.311429508521,0.695187862246,0.93631164778,0.369182493718,0.651695875397,0.785090704783,0.222654342805,0.597226958376,0.404790491784,0.581542553532,0.251563722091,0.359114416055,0.82957116302,0.815136885829,0.714658503732,0.150931816405,0.669536956273,0.271681964607,0.505602640752,0.484392864104,0.0704436656747,0.712091448302,0.142910933872,0.750699636402,0.94252487743,0.0169720754304,0.265979893751,0.313921878208,0.787025775541,0.831447707104,0.57350041037,0.125996471919,0.512293532871,0.651136670195,0.274580317266,0.533697794048,0.166207077209,0.70116883157,0.568623778952,0.128877443941,0.938753772955,0.0681681861718,0.935427548482,0.421513498651,0.235179893524,0.832398109573,0.664449747463,0.672663695414,0.377220927119,0.158687927468,0.865334387264,0.21568164429,0.894947024961,0.231349574432,0.0819690061179,0.998282177458,0.297092419364,0.271173292586,0.806591992229,0.120885156079,0.818983315232,0.736756025215,0.061401939641,0.632561452401,0.0698519916438,0.713464412536,0.470697405686,0.830685166472,0.013417883047,0.69717787813,0.0212496836756,0.669236482627,0.672437151067,0.865408894287,0.43326542614,0.167039918628,0.305350217135,0.723404795918,0.497000212012,0.209308054352,0.0354292801729,0.350935213737,0.948592089826,0.729428000093,0.287521300219,0.0708198066465,0.919634857763,0.0383206138728,0.371379361039,0.225805253098,0.963207178131,0.992727995686,0.364101302812,0.0619104676373,0.0286916596831,0.464866072256,0.821237783334,0.123975890673,0.148706133225,0.15422303768,0.603480695172,0.180753809592,0.46088150824,0.780145905752,0.244497086143,0.858708251355,0.920751763551,0.292411362335,0.662088926675,0.851942199798,0.473429430575,0.616465550152,0.869843535959,0.627412401029,0.782352916672,0.00147627065278,0.0399238597998,0.925322068403,0.88137660367,0.68550601545,0.601893542592,0.222489109849,0.653318666943,0.430274312949,0.735422969166,0.338031776529,0.890667847748,0.170902348765,0.470328920179,0.540526986762,0.149186962099,0.107715118472,0.295621679105,0.28767680586,0.527793729331,0.251133855105,0.439165259282,0.199749831114,0.476032134396,0.831742802874,0.167226385909,0.0839030862004,0.79066504089,0.809370958349,0.839105137051,0.981136705547,0.0459593408617,0.649786478775,0.679365560957,0.662038604855,0.985059303037,0.240909129796,0.0678952409061,0.374661848558,0.289262034176,0.349086529857,0.877003167409,0.0764228900125,0.36005392689,0.374591675144,0.172952570377,0.158342874073,0.675512872263,0.0141869058582,0.581803678699,0.844882560417,0.727961968468,0.953848736926,0.365166570913,0.360456528426,0.46902708147,0.272239749352,0.0600279904013,0.373050817291,0.940133777109,0.0318135148558,0.0314594452447,0.405916480698,0.30421917014,0.340759551404,0.0470703199082,0.67081950999,0.0812812662958,0.968734082533,0.147081056997,0.838589151794,0.915512274832,0.428710133511,0.430089965753,0.0357410600701,0.593586541757,0.360252212297,0.399170543126,0.382334093906,0.995040061011,0.343750228266,0.583443536553,0.611997888509,0.124842872736,0.938379607405,0.526246281746,0.318073915555,0.172998695029,0.441844146655,0.538198677937,0.621503534734,0.66679022324,0.593608301932,0.442375461859,0.491475661451,0.230141240497,0.105053873896,0.955490747017,0.946899232973,0.504636946691,0.648314006291,0.566353268662,0.79356491079,0.86339514925,0.996426005969,0.806235179219,0.00520647140369,0.328197842114,0.524470334763,0.0803320281873,0.963883071596,0.609537710477,0.501759923167,0.127522835553,0.848458157439,0.180951622382,0.501491411073,0.110119098963,0.104204681616,0.439792876031,0.23494440049,0.881188516982,0.600813705541,0.889195082711,0.748047742075,0.226944668829,0.434187112155,0.252436736306,0.109293514012,0.229204613748,0.7157294333,0.421500063443,0.863762784992,0.504143084057,0.308451391896,0.688376061216,0.662810310627,0.7373604137,0.689702805722,0.721114954556,0.441185632544,0.818642766984,0.0281491616734,0.0878449992791,0.493683329683,0.84639195962,0.189333845072,0.483787898017,0.406372951269,0.874922674244,0.388021648921,0.844868573544,0.178997714658,0.23702185115,0.726120344347,0.738248499171,0.306661687829,0.214905077087,0.457706870995,0.739876846843,0.417813258166,0.438849066703,0.539527330222,0.985185135388,0.407481090044,0.186610890614,0.166846161784,0.438592865415,0.128747289315,0.0487956579604,0.93329440256,0.998316563558,0.326314515239,0.540100326279,0.0212588534746,0.265771704091,0.657154830469,0.868456855795,0.50011651167,0.235033335639,0.192135805416,0.796611840136,0.243763574758,0.0939768659883,0.567323325664,0.682135438718,0.540347744862,0.0460649749684,0.195080380659,0.00374533084164,0.849008947475,0.991116899977,0.511877226011,0.567896309104,0.877538643247,0.107643065031,0.485596695293,0.38916698244,0.533319163069,0.052833454311,0.631940639351,0.147932043643,0.269850861987,0.456683307391,0.424967320824,0.246743692999,0.966779358829,0.505982601906,0.168607476575,0.994498497842,0.305538193749,0.408192204303,0.1052363758,0.950825523019,0.75098828493,0.574181826298,0.3375098506,0.979151152103,0.0946361489765,0.711676344342,0.0933822414336,0.159158489847,0.41691633148,0.220565605083,0.940642081194,0.830731957922,0.844655800962,0.978283387117,0.454633732111,0.382296592808,0.800290365422,0.092156628619,0.242468860244,0.148929774186,0.405019046948,0.886954471731,0.12447436089,0.138164671324,0.799429175367,0.415092914538,0.574038539476,0.145473093211,0.0534121352728,0.0196238623793,0.378797031988,0.938529320675,0.00441461835182,0.507825477247,0.68754349909,0.60793449094,0.140744660571,0.918255342718,0.423798579509,0.841742112819,0.313878519028,0.184569716182,0.568144946351,0.907635606238,0.16345777785,0.447830941214,0.569008436125,0.921087241964,0.294663280413,0.750511523523,0.375622722012,0.814447179202,0.574805556371,0.790034629037,0.441148623789,0.476774346902,0.834907497869,0.29287497735,0.763509885269,0.984999294241,0.164640183955,0.874665353572,0.038690922969,0.922772029435,0.507249471162,0.664610155909,0.211089703335,0.603947834435,0.780299556456,0.309245021723,0.762283369185,0.584161391235,0.32586263972,0.0754306381963,0.519798002705,0.463336417384,0.287441768636,0.705807229134,0.800479128559,0.131836672755,0.732607479747,0.296975488357,0.936437991739,0.253166113293,0.334015404293,0.32123681612,0.00585177191474,0.195643903229,0.672385205604,0.891295671111,0.0785829418632,0.625443703337,0.478268856807,0.427460891181,0.0447297426252,0.456308864402,0.174610692707,0.80970321514,0.0270919904182,0.739947844022,0.224776789379,0.226097057853,0.396336623018,0.703254530921,0.605689324197,0.94326707683,0.138559679154,0.974909513188,0.699324474335,0.010517726166,0.119223104089,0.737650315911,0.363508216519,0.823358870039,0.0849758340637,0.507472494239,0.849277740396,0.949002907842,0.4341162434,0.90546170266,0.518354900288,0.243076508214,0.115918240501,0.194964950471,0.575924584516,0.907717686196,0.512730562967,0.942935859776,0.0322274719011,0.157142782084,0.435550742236,0.755059912743,0.662742685248,0.671200817868,0.852683472863,0.766208595307,0.487546139268,0.369747182097,0.964913079926,0.259249196913,0.118653289043,0.303648009408,0.53654275876,0.079834485903,0.97419405043,0.403692654065,0.93912549544,0.356513823809,0.144003030853,0.38074877183,0.368991002717,0.108219622131,0.235551628803,0.406030036578,0.447470929158,0.358661811284,0.274010086124,0.194016214814,0.161481391775,0.144495229738,0.296788469213,0.387095596902,0.39124935625,0.997553029785,0.105853802914,0.043775085007,0.0698772306219,0.742216519011,0.652218152872,0.304558485852,0.260107519988,0.834131479612,0.649326594983,0.10521927561,0.488894718404,0.485721106526,0.551170370059,0.0600225322483,0.71412373836,0.0793770676904,0.305952312188,0.0534942517813,0.603879343506,0.758145448035,0.00898854783067,0.167633533441,0.187892490653,0.2322111481,0.958116970254,0.85757474403,0.413520843275,0.33371808724,0.73825786691,0.482190518219,0.282020666168,0.165176086867,0.16913375427,0.614255036573,0.327062641153,0.619820498254,0.906044829591,0.0263536683831,0.257687560997,0.448487078602,0.143789112435,0.870422954849,0.075458814926,0.145128119144,0.53427523467,0.547762869302,0.890506196464,0.135553523276,0.00191100380518,0.980180726299,0.316603528493,0.633602647055,0.622577519092,0.953641327767,0.995733678363,0.627980386574,0.542352547429,0.345551997767,0.408744722459,0.534788424693,0.751380902928,0.844086513304,0.189566982697,0.943172074287,0.941078645594,0.282404413891,0.243316541415,0.351414864249,0.947613711088 0.1032450418,0.27812829463,0.168080248461,0.827851639889,0.892258232655,0.122132583454,0.951261910051,0.333731397118,0.835367507738,0.968570028984,0.33499780232,0.45103320361,0.554128233672,0.998629211957,0.440417036101,0.820422188713,0.434942807408,0.959086761852,0.639470779249,0.128081531496,0.64442348623,0.17541131755,0.569115760913,0.579576639014,0.497931320537,0.256801293337,0.962624642832,0.724788109777,0.371936772901,0.29022651972,0.461396881185,0.6339776826,0.890385076738,0.707352250783,0.953915655336,0.552822084224,0.636119064864,0.434099963134,0.599055259785,0.439978815368,0.0772666320025,0.309297567443,0.512189259212,0.946273787784,0.0909235544071,0.501762285709,0.0206358311289,0.239485996665,0.0345037640562,0.293003001599,0.856553886624,0.807466316822,0.909308441879,0.005602287618,0.179737592608,0.302789081894,0.953182864806,0.843375546496,0.745363756055,0.301728143969,0.628109738032,0.238609179929,0.264681346087,0.995584882932,0.235781781257,0.365031062483,0.801341208277,0.817331037121,0.160207032292,0.0476689696295,0.706383182344,0.546573967202,0.442693703552,0.98203843177,0.149133172067,0.17409792608,0.109689977696,0.930942872504,0.290867710725,0.65668390019,0.98907402808,0.863754850596,0.23794988066,0.887623005976,0.368686626351,0.459723591923,0.300294604381,0.876847604872,0.943892351435,0.901256204522,0.745561680293,0.261305790673,0.808997071222,0.333062740902,0.041895704316,0.208305276907,0.836914255194,0.520669145538,0.86290884155,0.929779648918,0.733791889224,0.255892377056,0.480999116536,0.314214476375,0.0173556155425,0.374267755376,0.628729004481,0.196329165021,0.562270433315,0.56429754973,0.170760774488,0.374245679889,0.509923405181,0.436132732813,0.955016132698,0.990593230594,0.616162242106,0.178381087359,0.278124829495,0.307336241516,0.888151537865,0.696505982045,0.136866700866,0.654891643885,0.216148408006,0.860495328882,0.579380111228,0.808586157202,0.818159956624,0.0200220954264,0.427873073037,0.129969372537,0.277438952342,0.322958033526,0.123921923178,0.918746754043,0.893490549278,0.915625557886,0.724655328467,0.92087767869,0.825064312756,0.287438678553,0.964697051046,0.832612703389,0.0608132980896,0.504823555461,0.238249463896,0.109229269011,0.798860391719,0.204732837046,0.186768378265,0.822052101863,0.730253335864,0.802263195624,0.438865996297,0.784968899818,0.0760000212333,0.347857040209,0.481413626478,0.244622780733,0.434408385083,0.511703338637,0.492010497935,0.50177280108,0.350492199776,0.761886587511,0.172468382082,0.150828899647,0.757546935699,0.712198879266,0.558066848715,0.152304581357,0.0494791361886,0.986538170786,0.302382579311,0.0278515391414,0.527950987769,0.812478711309,0.0714686651071,0.0108623448061,0.918703535493,0.975971534129,0.0716989978613,0.944168817627,0.681821058156,0.287114477432,0.689220969656,0.525330356915,0.790632245701,0.992670732213,0.804424896422,0.368920978343,0.466146456942,0.552338572086,0.300735854095,0.574507891163,0.570211046145,0.94406264382,0.6606784266,0.147717030828,0.701845896742,0.229038878283,0.253192412145,0.555135403974,0.0528657536012,0.829253754551,0.930339278207,0.952575818796,0.328893719844,0.172427821051,0.294772126706,0.548969923323,0.88024841986,0.472719814806,0.665261586233,0.412812540848,0.959616213473,0.438597086388,0.290612195985,0.564386160781,0.249021383564,0.359788157954,0.339930081785,0.296575599204,0.865251721207,0.179044071161,0.278062799187,0.428921045545,0.672353286238,0.277420673137,0.0153796846564,0.185822020075,0.203618276288,0.684269890098,0.51121153294,0.0134543872935,0.91000177854,0.190289398389,0.11880859543,0.206430964643,0.435373191837,0.0225165245158,0.666216324717,0.351244959942,0.412137357677,0.221718578227,0.0302537152208,0.64350547345,0.837368308654,0.392292538756,0.160334320291,0.236049931129,0.00647556976036,0.908667821353,0.519238897745,0.142757697934,0.0911575533649,0.861755386876,0.271135152428,0.273887208166,0.27204511906,0.600689345963,0.849105308676,0.96976535924,0.91248621107,0.774566993554,0.406069717209,0.606030216557,0.0980355373813,0.358150494592,0.80943063306,0.979520468648,0.94248886303,0.130877747028,0.609389745506,0.416077811262,0.466561028404,0.339800739769,0.488996243289,0.580593362195,0.757511298852,0.370578282953,0.615656372519,0.654553649068,0.647161248697,0.619508131791,0.367345962655,0.453502679745,0.680488413175,0.895549554109,0.990957355308,0.359499681463,0.847236103132,0.199827137731,0.348765845564,0.974758262066,0.858639041447,0.910121723923,0.836757318052,0.0862090605619,0.69296533345,0.632725952142,0.583617884657,0.552816883997,0.632890712042,0.796675600287,0.938256003726,0.410542730548,0.25021090118,0.244900829089,0.831785914811,0.132044637371,0.843706658668,0.334402659921,0.88766883254,0.353219919546,0.525238640648,0.926504265005,0.239391892626,0.546647640796,0.149795640002,0.621603575899,0.0298022137161,0.357192881129,0.503227902302,0.548650638255,0.778158669925,0.647069118802,0.998255571408,0.0840433180503,0.620913491475,0.65571119433,0.753484117561,0.505358515017,0.213098085235,0.541096590047,0.0412465001768,0.0901698710532,0.413234944057,0.542667069884,0.987454859361,0.78815501918,0.539344909773,0.682449331479,0.397229496552,0.187789805828,0.0378242492292,0.836507737923,0.0340159189547,0.0869289959285,0.175970670695,0.628959022191,0.999314791659,0.290604086121,0.11330687595,0.919150485669,0.10660239205,0.0896119582482,0.545536268162,0.537022277673,0.578261615509,0.716371953784,0.764160248289,0.0767747025165,0.947030694782,0.641950936817,0.415516083249,0.72762510841,0.544957645352,0.224577615121,0.42481947753,0.549602680223,0.215273528596,0.366043371233,0.109594422045,0.920235266904,0.382979597954,0.845582140152,0.289541063755,0.27892622421,0.965764726803,0.170730707216,0.739976061482,0.536780426503,0.144398460452,0.0572175980935,0.0652896205576,0.543349261874,0.871364607228,0.436284118949,0.772428886079,0.951274419719,0.437275951163,0.468435648253,0.619242563516,0.356165684738,0.359078841795,0.105621340564,0.0840338615309,0.754207797495,0.988491272947,0.0777120811819,0.209355194603,0.776886184865,0.22397337471,0.786621746262,0.80959916936,0.298515075675,0.132765593952,0.874989904882,0.688840174322,0.34255846425,0.265377530957,0.500519406043,0.0535566177733,0.819560717039,0.344908228704,0.017113413689,0.800534669497,0.374451517132,0.348588057481,0.694920408461,0.777186229327,0.439942674575,0.648771369261,0.0902380977724,0.935280204687,0.346024300932,0.313427502376,0.150573850742,0.626669410014,0.686141300465,0.692510299551,0.187804690396,0.0624475903831,0.880042663779,0.741777345027,0.248225121184,0.755322502292,0.863265570835,0.383904329534,0.555099152261,0.182177022662,0.347314501735,0.637052773115,0.41805585497,0.611623070536,0.00413080323204,0.941598593518,0.652132019662,0.0896514285183,0.995274946529,0.0751207710826,0.126144637002,0.139908672508,0.833558618361,0.701331105552,0.344921922087,0.0128336732385,0.873958215641,0.14925720126,0.00224270967414,0.696037018698,0.69220457702,0.962008909064,0.474367180045,0.371941418586,0.246040903434,0.866551509825,0.860545676822,0.135270827369,0.912134792972,0.0308816939456,0.30943832536,0.182651188478,0.396830468609,0.155105747058,0.865922073311,0.508031522364,0.712531658301,0.171084848734,0.600090239126,0.601988491109,0.0392559767978,0.032004309381,0.334957786243,0.517516272996,0.188158329583,0.884884578744,0.382955544669,0.746213367511,0.526764252495,0.565844916523,0.17611561644,0.106007817519,0.552603195346,0.612963493719,0.64575115081,0.183581666813,0.122469491607,0.425318277844,0.564654250609,0.461936276476,0.728559855483,0.253147003899,0.561898205162,0.984154644047,0.657636856028,0.324016252643,0.992474041307,0.606480074753,0.00680157590161,0.377852907807,0.490684866741,0.996377483546,0.969098442209,0.631007419104,0.912133932895,0.292379904469,0.0581993849895,0.62708634826,0.684760160985,0.889561559876,0.642485140289,0.153520821607,0.801261432899,0.582206959703,0.289365995827,0.0701720926982,0.553104343303,0.16182240302,0.248928460846,0.263616030009,0.0818119268263,0.546125192925,0.353218006747,0.639181122817,0.228287812586,0.703147953966,0.739609241202,0.597269088532,0.643234027225,0.406698746269,0.832519803571,0.467975402772,0.175679459409,0.414455842741,0.698467800014,0.580650341555,0.480052889891,0.155610937406,0.472130290384,0.0875154493048,0.0659414084061,0.281421952701,0.86665693421,0.0772489655854,0.238232642151,0.461191157206,0.886909329569,0.737870374479,0.731736117502,0.873668836688,0.464470690152,0.372777839446,0.0497509881504,0.474212935828,0.322540635059,0.668509955565,0.0870141521871,0.211045232078,0.425149468283,0.18935661737,0.210810870681,0.0553622356715,0.308834696017,0.85629269683,0.917370281801,0.603326608894,0.857868811999,0.0627856674602,0.323880320666,0.551972748397,0.521419256662,0.938660841329,0.694446787809,0.718930547964,0.921124941529,0.563800398734,0.817011869962,0.211759884442,0.653249485152,0.82696404283,0.93334096508,0.196053429229,0.855326572619,0.411455517926,0.0684176415498,0.429673544578,0.916827259108,0.547421452094,0.799772602186,0.179246448969,0.0554628760784,0.587366815266,0.725759696832,0.0197084991559,0.362975517743,0.964590428568,0.811764981995,0.971558907557,0.147137545416,0.606534624016,0.353771743529,0.157408419269,0.534459424706,0.151797354768,0.989433379926,0.989386566954,0.716624522358,0.261258204839,0.0501430268145,0.957079094391,0.13463305329,0.558318496998,0.771962621195,0.614373999,0.41045674443,0.822845965158,0.447349392017,0.548116280841,0.905819011626,0.127638256209,0.299519990765,0.160458120071,0.860505351011,0.685632256997,0.776970212746,0.433341792931,0.481491178093,0.332284764389,0.811643030655,0.532815009587,0.545244481247,0.688472911657,0.164775976717,0.751650997025,0.376774001783,0.692583785066,0.149127722501,0.700658397255,0.573045995525,0.317148104824,0.655442846812,0.903208802797,0.672344041854,0.909197053547,0.949506663843,0.129290253238,0.659697312515,0.257067811409,0.242182386649,0.290676562869,0.181806236384,0.671620422296,0.224840056171,0.986824790189,0.241648187426,0.516169512417,0.810245904382,0.252520394853,0.31724577439,0.971378408725,0.713959995576,0.418779883,0.91211335924,0.469825061325,0.391234102622,0.146447745181,0.473895410187,0.342897079399,0.155793441057,0.164439446956,0.872216014763,0.86061738613,0.237129626154,0.1473726188,0.811772673606,0.454354481885,0.532475928696,0.528117063239,0.601653005276,0.496528001992,0.6522910705,0.813982678478,0.0720664114403,0.50196862121,0.0935464954055,0.219710726391,0.595985865609,0.507726901505,0.981994854263,0.290872788011,0.70236293516,0.142999670227,0.211344732514,0.423997014908,0.347742304324,0.489768017363,0.18537628463,0.271109424421,0.451138728704,0.535447321688,0.601561946574,0.973117095118,0.384349758176,0.610173532002,0.137138538433,0.347922306836,0.231468521469,0.947399028966,0.189883482948,0.194775704982,0.14322493978,0.277562153916,0.946750213961,0.504899770418,0.891594364916,0.175171323805,0.49325047389,0.43204838057,0.735232170674,0.675125067491,0.245254593679,0.360640059316,0.143549901842,0.761083146542,0.190030603637,0.397518777152,0.755672296701,0.177326509494,0.915788283705,0.130380135691,0.0696433108268,0.187682594155,0.629317463519,0.462552030008,0.365355631972,0.985949687878,0.966720887857,0.0741296527284,0.463494275827,0.788409271001,0.346916168447,0.979147421185,0.837386787579,0.324333306389,0.304270058438,0.911698756609,0.568086446398,0.58953174845,0.651547099866,0.84349023343,0.345019610337,0.219679157693,0.0126478545694,0.214873825385,0.552854570393,0.35772792032,0.91816309615,0.167387575732,0.664387477745,0.59263824294,0.784257991665,0.513402843944,0.25779893612,0.508213334311,0.758031256956,0.952363125359,0.661967000448,0.0619699503792,0.323409279954,0.34688564203,0.594889153841,0.579315221422,0.015194197701,0.374837711952,0.851301389301,0.81755704309,0.00492987484957,0.929696166781,0.918061810756,0.776202361845,0.530593628105,0.687259079742,0.23695716203,0.125370000844,0.333029687734,0.992957773031,0.640913990683,0.85119830625,0.684627226131,0.660370394104,0.0485422418071,0.0204499473135,0.328662980274,0.558206355731,0.320996094058,0.951280837733,0.543868003946,0.872293808285,0.943453253425,0.704870681206,0.0500231501803,0.946245490548,0.137842039045,0.217407296399,0.0401371213145,0.960313997535,0.810678861217,0.168915744136,0.920195745178,0.103175737902,0.386691256673,0.0828450911048,0.77171531175,0.641741912885,0.608145530366,0.61954238586,0.796741595689,0.232429744675,0.850780342355,0.539941943821,0.16141516859,0.699666390209,0.712219835964,0.930038830226,0.422463582204,0.622648368784,0.0280710603347,0.62124429771,0.299915382424,0.126533764348,0.6648748811,0.620240505965,0.757607205143,0.241287854861,0.000226864833272,0.837820278649,0.103402109327,0.953355198018,0.337032684508,0.853672251951,0.52924992578,0.322146647087,0.827480694016,0.0281098234035,0.703666375026,0.873000418541,0.170624054462,0.610136011896,0.435895303024,0.237141368012,0.786501839221,0.427532795685,0.46197401251,0.526351520057,0.734261753518,0.297245793935,0.0296916017446,0.835442189835,0.668180515225,0.404432175058,0.344855360776,0.0595195155088,0.269142940333,0.171489121176,0.853198925044,0.488586051366,0.00369414009256,0.673642732019,0.516021652911,0.539488659295,0.434123772893,0.921023189676,0.884229997736,0.0241153162868,0.225747576582,0.981258451853,0.871996107359,0.836312456912,0.0808834889784,0.225176286456,0.531408870562,0.599790729722,0.0460267119647,0.0865057689914,0.156995074523,0.886786627743,0.90895411467,0.143759103024,0.923067183753,0.883113203557,0.0962858815359,0.450743341381,0.952495713646,0.591639730935,0.0163669217246,0.786418275187,0.426050204246,0.483751100096,0.775203125701,0.952916730067,0.348593331802,0.416797549308,0.54511260069,0.324627097867,0.684697640082,0.865154402129,0.379464534934,0.129009425284,0.66783264247,0.846892045152,0.708912726244,0.362146841308,0.0225457936014,0.743093478404,0.895572241883,0.4016963086,0.639459814035,0.543580187222,0.49515985009,0.132821589844,0.509251290388,0.788073514128,0.885178535663,0.626665891913,0.312101885893,0.113833158248,0.12810506755,0.79745679552,0.960812550734,0.579692910705,0.24274286548,0.535819580623,0.0619956484052,0.127264968838,0.592857492246,0.839813510958,0.504371529573,0.83770125319,0.0390998549578,0.432345067101,0.611299086846,0.766603941953,0.523439508177,0.723321527115,0.408753068722,0.0984426657077,0.775080530092,0.585708393423,0.0519984770349,0.602772121814,0.815538693945,0.887844243148,0.721436500172,0.697273309782,0.411055122425,0.790771067842,0.371382180656,0.549405582743,0.147661242003,0.799340704533,0.0822881961803,0.897534080316,0.380075297402,0.134546416757,0.782454857091,0.174351918618,0.017307687997,0.602667243949,0.738825583841,0.575522560442,0.303625422683,0.242591353171,0.600113303033,0.396066282851,0.708278173113,0.278088427529,0.881743868323,0.476724522418,0.00833775685469,0.226474840067,0.933675777915,0.559792470389,0.66263919307,0.968578123971,0.928997144649,0.594350869836,0.903051187282 0.590464990716,0.955306613626,0.793530914561,0.27243456289,0.753159105723,0.985559215186,0.602741086352,0.279849285801,0.111459951329,0.870598845792,0.384325627018,0.294893856518,0.25488162588,0.599187675962,0.503816921309,0.165689730828,0.517032233894,0.808278663825,0.0622085199234,0.478191048063,0.271113295891,0.0744749171474,0.720551319003,0.186069231963,0.445101638329,0.166586465025,0.733125978304,0.980734789407,0.561016840531,0.684697499764,0.420683636511,0.370072581156,0.063304461258,0.884856338092,0.137162813787,0.768595447287,0.579159391163,0.23584321401,0.89197782318,0.883144310699,0.34789407246,0.61654587129,0.237217972154,0.773692311031,0.763689554184,0.533051472736,0.962566548365,0.830322468391,0.577281513246,0.963928121736,0.494079241698,0.170302003383,0.668553918659,0.722556539409,0.857009251102,0.220187699917,0.489298730683,0.512099386771,0.533174594163,0.380767952772,0.693785975896,0.186952743975,0.992393259664,0.61644462108,0.473878808064,0.645467293125,0.0187607580921,0.952379938941,0.96791350896,0.140184611971,0.477241968043,0.450732685783,0.6662853978,0.581012645327,0.0637851380653,0.309515665677,0.800527844965,0.254548004486,0.999857657644,0.644821180062,0.73334022466,0.439100597026,0.0844506859755,0.773751126757,0.127112151662,0.213901173193,0.0709610019518,0.826790921699,0.262764938974,0.0112940309652,0.085447467119,0.33970778068,0.294098537098,0.394500366454,0.108096390515,0.859530064136,0.918745748445,0.427837933325,0.649946974915,0.263094240444,0.0161396097226,0.0172860835984,0.661613158558,0.640426883692,0.288325809255,0.487080097771,0.137779785143,0.954110229306,0.49596462589,0.562008116958,0.235842712382,0.232638505438,0.941344973021,0.708788077901,0.14882098293,0.025214337967,0.123021506028,0.261394524076,0.144784263397,0.368174265562,0.319681009434,0.413818361671,0.913833333117,0.896390391055,0.874290795985,0.419831199587,0.508056364676,0.15573087415,0.521029383596,0.832964867465,0.220585830177,0.79201370933,0.456479968947,0.458935566736,0.174523206579,0.171058804021,0.829932813336,0.844769770235,0.0160422909812,0.626048281863,0.909410657903,0.409298972225,0.187236045872,0.754101295874,0.931527070495,0.763206000233,0.325749784007,0.276335674077,0.533727682086,0.823825292619,0.375110943089,0.808156459289,0.361317307206,0.0837061184103,0.210230660209,0.666324594188,0.417734504741,0.455502481974,0.388443541383,0.0650258406441,0.740474787772,0.423831308077,0.655410161088,0.733786856364,0.792140664605,0.122090727458,0.0217470990991,0.968246621545,0.96105947836,0.821634613596,0.157104918833,0.049309628934,0.885983855306,0.644229572834,0.0583396439304,0.185183633433,0.394851433953,0.00931777470607,0.747587596514,0.959664099536,0.983733640338,0.496895588267,0.829287779462,0.337143103874,0.221270240692,0.792952908188,0.77007286997,0.788568245789,0.864052361941,0.0283043292122,0.911069088146,0.86607785683,0.309851984471,0.909560655188,0.291312172082,0.409329815526,0.564994003926,0.679288153633,0.544548418917,0.872678392432,0.398843356765,0.70044967162,0.345835332696,0.817450888782,0.355917548425,0.320072971257,0.833000145715,0.195773166419,0.979663855625,0.344509945205,0.516764749638,0.00354521110081,0.398741017826,0.713560925831,0.93991649665,0.205630975601,0.652660546745,0.00678632553389,0.524221859291,0.0651578589892,0.476902719023,0.243236475535,0.00192005309153,0.260765724278,0.969870387643,0.880425217322,0.26041849377,0.87033989095,0.989506994768,0.422054171255,0.700068261559,0.0386773218793,0.248049145083,0.389337966158,0.544943143642,0.597406104275,0.0842289634687,0.355855122446,0.00881622110731,0.739591066048,0.698628977504,0.15454395323,0.18202678713,0.0247510899789,0.334178144474,0.521747463317,0.822031756855,0.90332293576,0.208987000696,0.868707134014,0.930743495583,0.0737483995528,0.235684866385,0.0746520970821,0.130328272055,0.763631998864,0.761537240369,0.608016078095,0.883824090931,0.359253781054,0.225093360197,0.134506834996,0.277424616845,0.530640991344,0.466523946849,0.722544687591,0.969981146869,0.211256641723,0.78300079107,0.0473140781838,0.533771964134,0.893346576592,0.21886328107,0.821326673104,0.857682371072,0.187304816091,0.224928676395,0.530789512301,0.0298956737665,0.590405842738,0.422214361508,0.0524692127649,0.293617994994,0.683469323066,0.41418423721,0.343822155288,0.899417848225,0.316560940591,0.938685345509,0.117050478509,0.0218945721485,0.759297551816,0.65141495249,0.537733190119,0.913420701788,0.383718125409,0.0806589024691,0.277684007233,0.452868282398,0.685002176443,0.022950909303,0.104493601176,0.313916198776,0.448114950586,0.952041780404,0.106318563041,0.385586033537,0.850825437341,0.780894933676,0.0421190834293,0.853836692152,0.859266557472,0.53564979695,0.721105026531,0.564600876364,0.0115711595655,0.675467619133,0.295529374957,0.474258322295,0.223767848532,0.775778218603,0.626563031351,0.918977324103,0.224574854996,0.259558952684,0.387328245712,0.601876248507,0.549996079288,0.49046280147,0.199405272063,0.517645382503,0.414716603937,0.79807126771,0.715424067224,0.909767840576,0.181477649883,0.514626376335,0.138870447096,0.102219583396,0.394376179503,0.139653882142,0.364694887455,0.0730049552981,0.98397115516,0.0796434844245,0.762404907893,0.922547517614,0.60233756644,0.585867065402,0.318554114381,0.424939091353,0.556334358714,0.202465437596,0.584378635402,0.229204361061,0.420816550127,0.549910691226,0.4053558971,0.656837550271,0.507290439854,0.900685007666,0.244963245152,0.979794492071,0.0238920118725,0.2423515407,0.0554116302269,0.489907201453,0.521383254638,0.578995953814,0.246141588362,0.0373678743437,0.225003343232,0.12452744901,0.801744869864,0.198406961729,0.619942430602,0.830344707518,0.160467720953,0.941378257748,0.445705157422,0.75333364985,0.63741283258,0.665526552283,0.60592180459,0.475724893836,0.773685751866,0.537189144408,0.896949754585,0.974759391389,0.507766018202,0.964659791889,0.504976068205,0.554162529575,0.875985487397,0.554640309189,0.64028475817,0.273798449843,0.899156427334,0.354341506091,0.774052792904,0.678727344867,0.310422364271,0.179236293082,0.538196628766,0.615103322077,0.965544030536,0.782123157474,0.540240525528,0.706618260376,0.386416596774,0.25357749502,0.706889669786,0.200267627984,0.22892349948,0.278879396925,0.802664760007,0.209471048757,0.502468481268,0.371945092207,0.767561039341,0.239239015552,0.315215891928,0.95607391971,0.526849786916,0.670902525414,0.0840542622158,0.70617997314,0.509489354367,0.935934223251,0.775338746934,0.711442225206,0.747408646062,0.280951489425,0.307876569104,0.100983470109,0.405763980608,0.146974405924,0.678229265539,0.996302998323,0.431427476521,0.134055517588,0.887252097073,0.658132056804,0.694005035026,0.276206574365,0.652774581325,0.113611260288,0.532335304444,0.458517122434,0.849999855682,0.499731801132,0.823031264475,0.0408592408468,0.0160143274352,0.856452121508,0.168028978026,0.520286517242,0.251670524951,0.531759592864,0.209669663994,0.709839548438,0.496353429973,0.571054260235,0.466293843712,0.691403821892,0.820538222704,0.54794629013,0.206518968395,0.362472251702,0.52753306857,0.873415131153,0.53287881292,0.0244142473471,0.344626497726,0.737615771018,0.929617123524,0.123286009744,0.296258090832,0.836692653626,0.214402969365,0.00937003838855,0.790681776553,0.267238723812,0.527573598798,0.878780490133,0.264113089325,0.309470849156,0.175129830601,0.484909572584,0.222337421891,0.105433402897,0.416066511925,0.427675050579,0.59331423514,0.0264776330839,0.574888600674,0.514456753937,0.400783028489,0.405314391239,0.942919163947,0.0457927173916,0.0249988531166,0.236663561736,0.188464901645,0.521643625448,0.206800024897,0.264686465227,0.0954133171385,0.984251487532,0.344736494457,0.909231433635,0.155699759831,0.707258943623,0.793433070553,0.132591653109,0.629024594568,0.306641869099,0.329302306218,0.76007475044,0.412232234489,0.70734246288,0.806477336288,0.438957605605,0.283857499306,0.456245323894,0.207261660401,0.452884315673,0.832987823925,0.966966785308,0.634997015875,0.616817091945,0.122942674066,0.794845173649,0.095093679757,0.783639854293,0.113510949022,0.159721541192,0.0790677097935,0.177060880812,0.332728909099,0.522283730043,0.606721238009,0.420188343488,0.895816498555,0.979809373416,0.210546109351,0.444819771147,0.267313329204,0.658980067407,0.100896652683,0.866167253174,0.0952066865796,0.16062356638,0.252794688473,0.177405927737,0.794735608592,0.159208725384,0.782019055558,0.772461656511,0.915759480728,0.987313018549,0.846809415512,0.0038287138058,0.193088712238,0.81206925837,0.0895549879492,0.700504270577,0.862302349283,0.0977963677148,0.105885668479,0.223489296374,0.393427676141,0.15872726851,0.717070906182,0.824772876183,0.839916748088,0.94439221763,0.552871331693,0.142131724804,0.874258425569,0.00775613956008,0.602157250431,0.961480079234,0.330467742203,0.0434003888704,0.109027133873,0.515643883509,0.463645038458,0.940953971338,0.841401732131,0.816649005307,0.907090325006,0.719398430525,0.970231760928,0.41121088956,0.106807212833,0.681259574707,0.242627555724,0.548853533236,0.597470699068,0.096833309099,0.384310964873,0.950545736785,0.557545151575,0.339997893614,0.095845623994,0.308255615452,0.139990323534,0.850128878292,0.5732088678,0.5057558785,0.495263280847,0.739826381479,0.846247180403,0.878061967348,0.760050577972,0.202559480601,0.870297471297,0.511414218647,0.238400195349,0.0506435664873,0.91900138644,0.822466153713,0.614417623469,0.995726611494,0.464426114008,0.826173291371,0.781292392439,0.128320977536,0.242354868209,0.217096836886,0.288833373613,0.479834457276,0.41707286158,0.149262854104,0.908074124814,0.598961919826,0.832082687839,0.171278842479,0.240623233564,0.317041597819,0.0885507878719,0.171587026301,0.80395071304,0.649973223409,0.684726703362,0.477414613923,0.496616440606,0.71458844083,0.544580336408,0.400433415226,0.62874133186,0.299835685004,0.98412067804,0.845020172785,0.0604892489709,0.809996283103,0.683297919291,0.45375325054,0.420682733038,0.171516379948,0.0947517148984,0.532459114652,0.6234404321,0.608605971916,0.220680514765,0.22832710589,0.112337803364,0.661104222051,0.234551334024,0.282519743636,0.0668390968807,0.328338419624,0.379188883076,0.508824315585,0.335393935426,0.403308600323,0.343511235595,0.875625195986,0.974136902602,0.521306610861,0.973662839602,0.652507999238,0.868566389082,0.143981121896,0.937559471823,0.282661378247,0.795257615683,0.23301740473,0.0232970849648,0.741099093979,0.533069988061,0.300036075322,0.304179003997,0.918300999846,0.226377118171,0.548293460357,0.391311702792,0.319222845605,0.79052605894,0.353433746711,0.5769172158,0.17205558963,0.626618160518,0.907333955514,0.693642093673,0.958694651176,0.644008092441,0.617108506094,0.638852514972,0.139366718667,0.248128617311,0.218096078571,0.399940817361,0.0924035196806,0.988017722993,0.773464661055,0.891243225467,0.959266054588,0.940865372613,0.0532565635854,0.98879093688,0.911391100486,0.353548552448,0.832984541504,0.0596653130172,0.192348965031,0.187280986994,0.742197689818,0.936277485716,0.8200367778,0.294085476961,0.776184753812,0.931844053387,0.545340067521,0.195098726239,0.239531067601,0.861281719623,0.709919690932,0.617477307978,0.126212024809,0.598134567971,0.989127632445,0.382631692183,0.921468368657,0.348900053875,0.795341847259,0.298900099796,0.245787943723,0.780205849214,0.00305337635615,0.745992264274,0.933504637346,0.966496365113,0.889944779394,0.00772026019894,0.769863531827,0.643617377518,0.527705824365,0.13246980492,0.501474146179,0.302135305151,0.0128651530766,0.728347357151,0.826241027497,0.811150079564,0.688224657493,0.0604268737086,0.413855886225,0.0162116487406,0.00619758184623,0.853348049109,0.100987624454,0.0142814530281,0.114519513232,0.157490209095,0.326868624557,0.641452792943,0.941826536098,0.170925285177,0.965400663681,0.864643899967,0.864610782199,0.530993373651,0.851141320689,0.605585286153,0.766174248731,0.394441297477,0.614815289104,0.117336021585,0.400666783036,0.266212656902,0.505101261401,0.205266205763,0.0869578344246,0.302625211757,0.28241102811,0.3403863717,0.472522011733,0.189566176368,0.265077642329,0.0844655399116,0.509547261739,0.814438343774,0.569347427065,0.462450370394,0.286690338008,0.824320499669,0.568624486373,0.606759999119,0.180880596499,0.709564640937,0.450023843966,0.479113341795,0.428755266356,0.0722954100681,0.602682190456,0.323373363235,0.337293089007,0.466191711425,0.4325310865,0.727066222004,0.0791067560955,0.531691808481,0.454467612075,0.879749856166,0.64701146038,0.969893843749,0.599857714549,0.878253561414,0.370154427361,0.904659148075,0.368368425388,0.897813106262,0.964147374635,0.419395670759,0.768687960623,0.690943593767,0.405774644629,0.825269783699,0.734874977289,0.430149238577,0.472738262065,0.124434866354,0.13597567895,0.967833363983,0.250910317539,0.925328922004,0.564637279502,0.62010347349,0.620758764052,0.711997720845,0.93213851547,0.4990320371,0.359108560246,0.0945157413033,0.896094893328,0.245791779334,0.801662030312,0.124488474273,0.298959576774,0.418143230445,0.387685473014,0.675789679217,0.719442294631,0.0275907280271,0.289800879565,0.637311956722,0.587493180474,0.409867603877,0.498292073599,0.0701535792801,0.282916017691,0.489444902848,0.861907361133,0.0642484221171,0.243835412139,0.259659171624,0.601717660326,0.239937347465,0.492898455994,0.344402313357,0.0670273398377,0.603523931968,0.0945394207297,0.335161841353,0.745066695739,0.464399885331,0.475853011481,0.507955010493,0.0155260173691,0.346414359729,0.29182289856,0.693958540188,0.849858749527,0.54114455992,0.614814150621,0.515782226586,0.199280604134,0.0426525414972,0.0402402543711,0.810021102738,0.0306743761253,0.702295178896,0.699669516751,0.513784262019,0.868987120283,0.759791521787,0.411856978581,0.53237322624,0.622510654418,0.172230493037,0.547248389189,0.889704990991,0.292327605805,0.725493580745,0.605077338536,0.162172666888,0.4879722238,0.68657862676,0.170774533906,0.0451079702429,0.69527252845,0.897463439299,0.0593279159204,0.150320488985,0.951097383392,0.434584510498,0.999522177023,0.732393142141,0.128147227547,0.646796731238,0.206355827599,0.703836402952,0.279608978005,0.124960693776,0.288131684172,0.684048704471,0.582950411271,0.670837527491,0.012424227204,0.955495535591,0.0753970034259,0.708074001167,0.936158753344,0.996990174837,0.463925191972,0.173006416128,0.768151353412,0.908077504396,0.56688549102,0.273051454529,0.881375992294,0.670412758267,0.673552895595,0.679831749351,0.0073717691606,0.641018967035,0.0584893453325,0.170029994335,0.829674538909,0.120099995423,0.211461521642,0.0420784433169,0.924694983115,0.427447575381,0.327563680784,0.0791526479875,0.929083701251,0.109083112473,0.821649984642,0.500797874409,0.490508939798,0.499260655904,0.951006648347,0.334054835627,0.234985885754,0.638526598242,0.315904244674,0.295398256661,0.742786559626,0.577389756494,0.392346969078,0.870590521141,0.85859542203,0.344028452512,0.250121390633,0.777595472987,0.118636449857,0.113880188991,0.567984843905,0.144561458628,0.80849209217,0.149958202507,0.878238313318,0.78653442973,0.160459851396,0.696844139527,0.138851750701,0.0270542813258 0.539610758745,0.734900688004,0.328166611023,0.218218496115,0.488528391598,0.729403128003,0.947822224192,0.0573406788103,0.15282405681,0.176539497461,0.670033288004,0.321487063451,0.52727629398,0.0486305547803,0.826397406891,0.329726376549,0.629749147766,0.514633907723,0.765685886823,0.531357329745,0.497114393242,0.709223522359,0.208507640818,0.444968992185,0.675371866749,0.863681084325,0.332600236957,0.0821710941452,0.324191041064,0.875069459127,0.41949664841,0.935711690383,0.449625686924,0.103900832195,0.468007094427,0.643292245642,0.495699877877,0.0787988555953,0.459810364894,0.996642733722,0.118485869172,0.121420265011,0.546337556467,0.034023747876,0.236400291614,0.851532936128,0.794825328115,0.256683816585,0.371295685934,0.334398423394,0.494238083619,0.187806451715,0.904241615559,0.388617339754,0.642355990798,0.725000218744,0.12026978012,0.186365597592,0.491509717036,0.793913984919,0.766925223262,0.545650184938,0.127328958857,0.812952832604,0.986472450556,0.821442949305,0.703098003362,0.938479807634,0.132016888166,0.94453096929,0.759590108738,0.602067861776,0.34907564306,0.397581099409,0.489991286088,0.107605512698,0.907683967749,0.918924268272,0.917693514707,0.799692945526,0.159765303688,0.196262394209,0.0944303313223,0.979932320087,0.519732406307,0.999900791245,0.861508039843,0.495525814073,0.274229960201,0.98983058323,0.635225781388,0.944368166182,0.723520644227,0.837670984494,0.272899346568,0.451927506951,0.969576135328,0.559898398786,0.056676443881,0.318756907935,0.409600481923,0.0230581144344,0.375040529785,0.655932728266,0.117848450897,0.261647048024,0.0944729956413,0.872029002061,0.807974116726,0.546889093512,0.176545741795,0.0739681752795,0.818837634533,0.302260778893,0.400772495136,0.760497641693,0.381181273492,0.123348608823,0.768281713413,0.80405891462,0.725608957637,0.569359534906,0.0601948653204,0.636009131377,0.317453558043,0.920869984963,0.114214506339,0.336184695977,0.328811508713,0.472908918759,0.899490297588,0.0170259703629,0.437196513,0.192761626987,0.914429624995,0.0969312551556,0.307610208889,0.210378181203,0.322350339026,0.331139701724,0.111929111334,0.926292346884,0.468667250575,0.516459550685,0.336436607078,0.206174872251,0.0359567815564,0.148092858775,0.0745508504952,0.827409495009,0.560515180616,0.542589880178,0.145063078753,0.0901456720787,0.244375204293,0.276109226326,0.107656258787,0.759976749857,0.586385369033,0.503184178621,0.464186038823,0.0551254993861,0.797279691432,0.378363533983,0.389935083902,0.452281312385,0.988765748259,0.978939200301,0.789007450202,0.813375601555,0.314920395147,0.866722484072,0.36422068362,0.875004803334,0.312423821425,0.348708909396,0.786639943859,0.438388069066,0.644734088547,0.508008736748,0.0241239907067,0.0271496247129,0.309137097413,0.66646490092,0.335280557381,0.100869968202,0.961056043431,0.682240522101,0.396215432005,0.831553243749,0.720376164666,0.0578655511328,0.389087836462,0.478412721646,0.266768718159,0.353399229511,0.00789762053867,0.28899882966,0.934851705513,0.701465139399,0.508635953776,0.887202353582,0.936234183791,0.731935678247,0.828162537888,0.222944897082,0.344579163853,0.671422018491,0.211669448853,0.7712580381,0.545704105666,0.997553393031,0.597573870451,0.889591638332,0.654551185947,0.728866730003,0.0167160556921,0.166486843592,0.8691579753,0.0348302796443,0.983478801071,0.601454037099,0.202312258819,0.452015874031,0.950995488838,0.727389708421,0.00427465380338,0.227095395555,0.657483146398,0.0307709095274,0.826433817164,0.304410299729,0.97900585956,0.240549889549,0.121206585016,0.392430213177,0.228012939537,0.496811693267,0.600188747857,0.267447380208,0.737832310682,0.245563250003,0.985690201011,0.898905625854,0.148759163681,0.470844625015,0.793683300278,0.977807985065,0.104479229723,0.0115885642958,0.439010573708,0.223050581657,0.404050079536,0.881865202421,0.174995769879,0.245426125294,0.869604000225,0.089068999591,0.87863529765,0.839958514154,0.983054079957,0.617252994293,0.72449649226,0.316562675684,0.144339861181,0.675092796714,0.466041783959,0.382256623438,0.25864731576,0.950990507629,0.624705419753,0.0964192249149,0.8954484722,0.812913347441,0.761900173674,0.00144173819698,0.950267843763,0.227266680539,0.750351692346,0.634809277114,0.658189937291,0.564097727749,0.326927493347,0.619002069185,0.472002273357,0.379446353149,0.702808596564,0.189561330932,0.807073046189,0.659976384358,0.597930139155,0.00474511827867,0.771890201752,0.0804416496818,0.98009351492,0.0340141323991,0.382051833065,0.892457577172,0.701850248777,0.062638522549,0.856391562586,0.876467423965,0.459123894519,0.274458941037,0.172083422069,0.210187572803,0.366120427199,0.805325469379,0.481572602625,0.350443755022,0.446343414638,0.277802999016,0.24738498841,0.286838917251,0.0343406890061,0.135954066972,0.697607373513,0.0606529520352,0.600242811894,0.777739711616,0.973349393907,0.62585756009,0.8287047151,0.762733674159,0.814045966549,0.355853791902,0.365153739674,0.0895901948757,0.704353606837,0.41251866406,0.552966041154,0.904087762235,0.0222072862098,0.308673610958,0.0290796103188,0.70053154148,0.891695173166,0.999949504509,0.374842596623,0.740253487465,0.33773170093,0.231498955674,0.282900001446,0.17044951895,0.430123284182,0.209645344133,0.208367006434,0.415747487645,0.649984569594,0.0826177492912,0.0662398758698,0.496237647275,0.420234673287,0.963652159772,0.914834684303,0.85624872582,0.18647193643,0.918853105632,0.576161528631,0.536012869975,0.366845044429,0.891621310805,0.792792726661,0.0266229389462,0.410788165552,0.612336278413,0.236859005473,0.973024660716,0.149696680679,0.462855120699,0.0802565704149,0.843405720176,0.63767053123,0.74355389504,0.134236120698,0.287060682589,0.275596572552,0.46734830414,0.962350841959,0.700527784878,0.808630007548,0.543715494459,0.33083899907,0.598046150243,0.897823564614,0.961883349859,0.851281029013,0.809445950688,0.0185636003342,0.8754199117,0.885255462229,0.0465056860186,0.618227761904,0.0194061968665,0.174372411887,0.0222355563178,0.915231170744,0.526344095575,0.205002666632,0.0325552175478,0.936520612422,0.29582818636,0.220381005373,0.810470492054,0.103894018597,0.466173445947,0.581538409944,0.269569765482,0.763061531638,0.46126806098,0.94619569252,0.500350186028,0.165652811353,0.174643647978,0.989568012031,0.922976288945,0.939461651703,0.0825701877737,0.986525651958,0.112075310025,0.247267425432,0.817984011057,0.350779714619,0.108018767459,0.59837464658,0.197347189687,0.254644950567,0.24910983707,0.0885015107669,0.961176547843,0.633108146834,0.834271763886,0.524854707611,0.219825059089,0.893664745325,0.393504401279,0.983954148193,0.653838204741,0.589813894635,0.824545992397,0.134168811318,0.554971093908,0.628330270005,0.338290483888,0.423415853711,0.850689251087,0.915747630275,0.687484066588,0.509199095831,0.16669717403,0.313381236516,0.223211439576,0.497457393689,0.101427903767,0.47501528477,0.493592950759,0.314911384782,0.837289276911,0.222857754792,0.593916574469,0.301574285856,0.956112933644,0.835562923184,0.551326869709,0.266145357462,0.297572321288,0.435487014033,0.678928294098,0.31731848828,0.919488487386,0.117121303129,0.66786547583,0.0707265304949,0.967747994609,0.34432090677,0.151457166375,0.496233665755,0.734095820761,0.0917880486467,0.898104560505,0.555828163338,0.18510993668,0.45777173084,0.915324788117,0.454983616779,0.343372557869,0.625803749838,0.565540845859,0.976786309248,0.531153397638,0.470236164034,0.713405520175,0.684944690396,0.0570998260052,0.674347983018,0.0984897116499,0.0640269624513,0.322270680851,0.302466557548,0.586649372969,0.745234721512,0.341462654351,0.834103326829,0.52113657224,0.563357912492,0.930730464854,0.35151495112,0.532727248869,0.142277381026,0.37021031601,0.0541073939331,0.920531748909,0.88385838948,0.486977506662,0.0346884690307,0.334082032739,0.964666909798,0.586490228556,0.760356929521,0.717359337237,0.651427109248,0.312240840433,0.932024465563,0.103726886926,0.93942794528,0.139900054122,0.965212596775,0.25050958381,0.251503454656,0.462369469581,0.667229312185,0.442187177748,0.885345503125,0.943572915551,0.85425099242,0.666710035189,0.707394040104,0.432718642282,0.18375598863,0.900353932689,0.941318961485,0.498797111642,0.963082191202,0.108993181343,0.678645201033,0.0286010023678,0.540129740772,0.826585874241,0.779163209547,0.273715288337,0.638554261205,0.302275137602,0.968439023408,0.615862142184,0.442209665153,0.738334568786,0.377402875404,0.276883011389,0.972935779627,0.395713062395,0.0872565082974,0.833590554591,0.105947934591,0.586783327471,0.762174465702,0.152796252724,0.603058336737,0.0717140472334,0.985751497652,0.128237842029,0.792013005167,0.133838971147,0.00744884174632,0.935490217169,0.596088686677,0.0458567846948,0.493411157538,0.782386914679,0.846907726373,0.71670017826,0.99052712181,0.110772899999,0.37845196215,0.139035714788,0.997486290146,0.431047769173,0.0470336959335,0.527060802378,0.762498398156,0.651451106397,0.367977182715,0.0367840116711,0.891275137056,0.401337521982,0.162903729791,0.93871445826,0.180183435754,0.0897255710551,0.182755145186,0.424480762083,0.924363792865,0.371917289128,0.564714174132,0.32102837855,0.245388127338,0.271156705338,0.198044156337,0.171616105736,0.276383546143,0.795034409693,0.376651474312,0.965078016266,0.907682603924,0.434824354611,0.228994657021,0.550237811913,0.447071753309,0.910069849508,0.729907932062,0.304103698139,0.739692670939,0.541490108597,0.634223911128,0.959460739547,0.367501443567,0.867279600863,0.0621987555044,0.474775803316,0.720807491044,0.223090256842,0.0104937964783,0.801502020933,0.329804819366,0.325868230385,0.886329817679,0.0678293134307,0.103571624418,0.407309971399,0.689847720141,0.808861462441,0.698395153615,0.960056280741,0.508769851241,0.198064467448,0.213672033632,0.493021773114,0.454093260253,0.631016708618,0.957083563472,0.976258709187,0.939886246347,0.0833505340931,0.816707808917,0.152979305125,0.696035573252,0.231145965417,0.639231328852,0.854876912938,0.00361635182446,0.498924658798,0.529682516532,0.219399999388,0.659174044556,0.141007234055,0.729922660734,0.471714343983,0.813336729142,0.437669332212,0.277484283888,0.22674251321,0.588764950803,0.602292498396,0.53019124761,0.0709114353064,0.182351890926,0.1248012949,0.978318135445,0.945845000572,0.397634054058,0.761352370622,0.441727105201,0.932698280328,0.701400948964,0.503684176625,0.451043094493,0.280938722561,0.064344606339,0.885524794108,0.863045832741,0.269428567488,0.779835017298,0.115842967265,0.525969506874,0.964060805423,0.810561226715,0.511675807003,0.676546967166,0.245650674701,0.236791397253,0.942907688898,0.016655883605,0.88933121349,0.218422316213,0.149042635067,0.579127743237,0.767524309986,0.513116508164,0.948112919565,0.689478347211,0.695763204081,0.141062900238,0.765923172708,0.330542504046,0.461102971502,0.360079943463,0.025428231205,0.380290710339,0.986948045375,0.184245172524,0.590730218695,0.70572381893,0.335364692291,0.32830081127,0.654602696275,0.413010039173,0.862074107059,0.3047798259,0.32645846295,0.628592122302,0.181082697592,0.108749602614,0.994842093066,0.657430867465,0.872124727103,0.533740286686,0.732294948572,0.879837866025,0.587842609626,0.613942487853,0.244635623564,0.757778704942,0.390622260629,0.365674568924,0.31760699731,0.346968895345,0.273140085053,0.0184311251659,0.512837088934,0.511954373479,0.690947397563,0.747248459351,0.723246689017,0.250604069296,0.624443393173,0.313224992069,0.108570642665,0.459979391023,0.957573336789,0.246165551238,0.0153125677827,0.0489440642144,0.286444048232,0.775346896425,0.501352253963,0.422332096468,0.613681090274,0.0459487163279,0.934119947894,0.0392159103831,0.396570349741,0.903488635481,0.0462943144139,0.0283009823583,0.170649716959,0.599211762154,0.7400107762,0.614871052637,0.117148607319,0.293680796169,0.283611120711,0.000463551727058,0.422941813866,0.70402241299,0.770647256151,0.539372620022,0.208508787943,0.330951042029,0.9054593466,0.235423689948,0.203567929517,0.399474457103,0.0798403939385,0.455459360236,0.347306532566,0.884759677082,0.905792710295,0.432608949777,0.0948063752924,0.482382184687,0.246089772549,0.857971380458,0.939228358751,0.163486368795,0.402886398663,0.99817073838,0.12689182516,0.122475877889,0.710960714725,0.479793011842,0.597666002378,0.951389090347,0.475698808379,0.133370104371,0.947913055032,0.566607350518,0.297332279905,0.280629364232,0.734670106651,0.427847278877,0.262889914358,0.738512015224,0.337247278341,0.241789745448,0.727674254927,0.28540319371,0.0908563533527,0.166810446357,0.295134503678,0.558642176166,0.194686442413,0.0721192634302,0.607499391969,0.611230985457,0.718204473764,0.124014112467,0.700302353677,0.527883609512,0.372158824847,0.562222870408,0.195903444559,0.946620506511,0.18247475249,0.427577738262,0.846549951467,0.251702554908,0.801446469616,0.172396155773,0.187982121072,0.937859789412,0.588221484767,0.915979191445,0.475317654409,0.681880106493,0.158387502832,0.486355576507,0.464084275043,0.082882933444,0.406680620136,0.80884050798,0.351307758208,0.625857900516,0.392742944109,0.376279161514,0.90961431568,0.59841340687,0.105464615817,0.607978155187,0.588277786638,0.239327892978,0.0333747441001,0.972581266192,0.887451809854,0.192567938477,0.37805989071,0.643939655718,0.970817900616,0.976923822007,0.854462242277,0.908176876412,0.962257722314,0.0161774333441,0.965792181926,0.199113277299,0.178917247274,0.284581401387,0.690292447741,0.819358218528,0.957750113849,0.307043155252,0.282347034322,0.83255031779,0.961135973809,0.298264366342,0.875930002817,0.549176298543,0.948663556104,0.871786803527,0.902767162705,0.932691211865,0.472553885945,0.304818263063,0.23588647589,0.9825362747,0.28673839446,0.266210646427,0.94207461337,0.929478687253,0.460095027912,0.760377719648,0.804253706244,0.94875561293,0.111947627874,0.924978387469,0.433130084941,0.552938885176,0.800166347698,0.367701344673,0.140875939244,0.96328914957,0.025773977352,0.461728499053,0.328259829882,0.349316833125,0.938139557012,0.745553171812,0.0524005579108,0.65960764721,0.901819002549,0.0532253960769,0.908202920053,0.446408573403,0.218140977814,0.513943770613,0.0360193583659,0.459937825868,0.323508070699,0.0921613290115,0.993338107688,0.480839284063,0.246370579741,0.585473821827,0.044617993703,0.699282086853,0.206710121383,0.773481953627,0.607451677531,0.182228156618,0.734654627814,0.164306112717,0.724541613711,0.985397833447,0.383288324436,0.21377412969,0.132283015728,0.606844961551,0.377170775332,0.275630000944,0.834508552662,0.226402481912,0.126176633736,0.72996773027,0.343993542308,0.986505843672,0.919153945536,0.56315575161,0.778202957814,0.155311943515,0.129517926241,0.631441349621,0.629711717071,0.742772344062,0.741264762838,0.965045609325,0.0726622145691,0.631242539397,0.880828637546,0.587856922282,0.44153949862,0.023904459357,0.452398963671,0.960383985455,0.531738139757,0.859420190472,0.586538924442,0.501787101024,0.927253984186,0.0132008071126,0.809886343681,0.475981932329,0.92136889258,0.818371700359,0.648298749705,0.275191685793,0.222349630038,0.116935745195,0.716833523733,0.948497421432,0.661670944508,0.450260166799,0.457968462689 0.187597573595,0.921690223357,0.859038894602,0.352327887874,0.31804701121,0.412811315202,0.838517075225,0.123265582381,0.360480449431,0.102706640247,0.0471076408477,0.11295661013,0.874882162606,0.087909009622,0.78731789517,0.270166364349,0.284634084448,0.842450975422,0.966332531306,0.282871983637,0.27299820308,0.382982832534,0.563666629771,0.977482761483,0.325383301825,0.263268305422,0.125721637822,0.697783394594,0.239814937381,0.776868372625,0.406682696174,0.00837635111614,0.644758244706,0.520562604718,0.163743839152,0.977449295123,0.385661170897,0.179897976615,0.0533003524449,0.28642234786,0.0333191736368,0.170912459782,0.410976193849,0.84939439044,0.493436874165,0.784369918851,0.472177883497,0.488445506792,0.694525083064,0.805321963426,0.508541758782,0.524428181201,0.305636186852,0.621889133093,0.654660978578,0.766422990624,0.79021067076,0.614290681895,0.238957998943,0.186920829665,0.47164373347,0.689980839004,0.203091189485,0.743629314041,0.485546139435,0.467574898032,0.442097607699,0.622016344032,0.652682781079,0.744597929259,0.656586547695,0.709717226158,0.809888201622,0.0860205884551,0.407663270581,0.74659840024,0.120275677443,0.0289757973708,0.143619732058,0.703520489244,0.784145555078,0.557299612526,0.0146163167198,0.745770863344,0.829244758909,0.871359611699,0.709793475357,0.646920029448,0.489644138377,0.581748933195,0.32700581657,0.293010509818,0.215376539979,0.805946141104,0.752034482942,0.941561240584,0.22075512165,0.213921218512,0.412026505586,0.463420234259,0.95418739275,0.554469946464,0.709951136986,0.0503863356714,0.323672676001,0.685216397741,0.390014653545,0.701012383396,0.916964455533,0.920974344529,0.996047289045,0.700165309167,0.324124049305,0.490348990114,0.508983554561,0.997156802642,0.485907530424,0.340555509201,0.426010231693,0.357849755844,0.273828940411,0.964063020282,0.0702964298293,0.574811630926,0.427504254406,0.390433894401,0.763530528036,0.174490870826,0.382720845785,0.983342787357,0.364203591826,0.710749519491,0.739488755565,0.355401603449,0.504791930498,0.773397366478,0.455933195518,0.697884359409,0.322018703805,0.46794305105,0.535333635338,0.660467912102,0.0429910401211,0.784683412252,0.850785479701,0.25098860901,0.478810057655,0.643919519038,0.821394363674,0.527365289228,0.740373604783,0.65918601156,0.896093763978,0.865993666706,0.74966708951,0.550517870925,0.559476575919,0.733399001112,0.451725902874,0.282624212087,0.0170098590194,0.585192588869,0.734085065387,0.782379410092,0.954127560951,0.17751818157,0.523439619942,0.370326662025,0.846852189158,0.389141173527,0.827381060226,0.344628414625,0.867781346926,0.492298440234,0.557958087771,0.392627930206,0.310504984932,0.577616814661,0.310482087649,0.595743972491,0.409610130984,0.640198713038,0.832989727792,0.241144975849,0.62595162817,0.111949861997,0.59289811738,0.384068111827,0.445867017916,0.290161633575,0.875463107905,0.68551728604,0.676050328053,0.0193005353302,0.0164022213333,0.957211478305,0.845454915271,0.779932028674,0.607336671549,0.271240536729,0.831513921863,0.582715014366,0.0870871871051,0.5295058888,0.92565512168,0.809290362213,0.965655462844,0.321264117074,0.430201582289,0.776129079073,0.459083347096,0.378317158156,0.157873633657,0.874906986884,0.136418771402,0.706841404647,0.315680600004,0.386108935321,0.176074385223,0.0382547505333,0.217405603212,0.549601293909,0.423593898848,0.796853864688,0.801546579014,0.169829821423,0.554873559383,0.260518807695,0.0938177904818,0.153168163081,0.794265794835,0.117820947877,0.264635346055,0.372703783405,0.00697682551046,0.198657672255,0.842308287273,0.206123541693,0.527614627338,0.271829800129,0.281142846008,0.846539929965,0.720612299589,0.644763619366,0.267215341186,0.719194454769,0.276410714341,0.642458660232,0.279615893868,0.805005762782,0.189486342673,0.480881660288,0.675043297448,0.24406751749,0.222543008008,0.593508768457,0.723042446392,0.0019045707225,0.0866512756091,0.189197197234,0.245107996132,0.33642707545,0.290768278382,0.951603026852,0.197194644181,0.176894866899,0.775873230222,0.484596952392,0.320203911148,0.603474286255,0.0780058039851,0.372333733575,0.871976383899,0.764534007316,0.922061696143,0.676211888595,0.687398971808,0.592064164254,0.176688838868,0.136947871793,0.522079163142,0.559157558218,0.155325689803,0.397666625656,0.970311450284,0.544671875515,0.861260465796,0.291845038353,0.610507230803,0.0273028955964,0.506900600442,0.251325358667,0.467986280516,0.693488768159,0.0799848431795,0.54603123589,0.560520904213,0.0892732409078,0.768609261037,0.181374455274,0.164200231393,0.345263171113,0.88627517987,0.9937349168,0.649601218999,0.889944480951,0.323578848957,0.401477860414,0.263147998678,0.715440680422,0.935046834115,0.413696885101,0.592513533984,0.150131223578,0.962747760192,0.929331890963,0.282361866292,0.285822499328,0.447195086478,0.323963547069,0.291238979031,0.310927522207,0.857195173278,0.202524076823,0.00243297138371,0.378243798014,0.615139821773,0.784751834102,0.375763570774,0.112547628597,0.498000499224,0.191740639599,0.72428313028,0.0762222081651,0.540640473878,0.977320388966,0.0816357749429,0.0831067762325,0.580904622623,0.0704142578215,0.0689529490797,0.594570026358,0.998657052029,0.887772866196,0.22161248885,0.509450257268,0.80891330738,0.317411791197,0.275736844931,0.370245307242,0.27977213908,0.468929828212,0.774669064877,0.934381934021,0.514570129161,0.485438405516,0.68432025471,0.676913532078,0.0112890878696,0.118521928707,0.0712322338589,0.225798205099,0.982144522685,0.953818005361,0.471102966225,0.204430848075,0.443309429069,0.23493008699,0.688552902664,0.0772920316593,0.218579272607,0.643711775408,0.12409094114,0.0773021235111,0.568583287693,0.917589234981,0.131163954272,0.257267334985,0.554114985491,0.291611893766,0.957682073388,0.97679756589,0.719479793849,0.352230507389,0.231898680483,0.210363968597,0.97297703455,0.789702439864,0.536621891134,0.329199124419,0.536608286927,0.4789586457,0.594339230404,0.405492885981,0.948659326639,0.416647423972,0.547856513902,0.315526459705,0.255345177953,0.327058016295,0.0187995215814,0.476157704465,0.912483596294,0.910543814895,0.820529918399,0.926041883743,0.913361242377,0.156318482759,0.334094993551,0.0453461067377,0.879429832155,0.317546063829,0.261770456519,0.193316784182,0.434488224822,0.863035052701,0.62857520079,0.80394749641,0.36982383031,0.592337989395,0.333865344664,0.377392510989,0.551135320827,0.635456202959,0.337060429977,0.198160581706,0.59351336156,0.722484980452,0.243190922678,0.624806155465,0.774494759206,0.354739932358,0.557908754089,0.470453338381,0.170148248884,0.340366627407,0.962929321989,0.294830653854,0.772617605103,0.45534635073,0.121325789187,0.800458496202,0.971466727404,0.819338238106,0.866565305497,0.889788518948,0.775596141823,0.584987684156,0.243942624593,0.350980719678,0.440861134119,0.38559891003,0.993081117157,0.663567755865,0.508781194625,0.421081988278,0.321629295157,0.698481844517,0.0526615505744,0.194488751587,0.342077284481,0.749154811935,0.62532999968,0.104203015139,0.208173362721,0.809906505797,0.783795796369,0.869498700287,0.433223833798,0.286260679242,0.434389831167,0.700396274126,0.37075652276,0.547826726722,0.786730232131,0.807159753768,0.751630175189,0.0868152605574,0.618784735066,0.714082826556,0.817155360748,0.346128622511,0.903097607798,0.533056587939,0.548066080799,0.892683746737,0.548708046602,0.373969183066,0.629532325455,0.355239005036,0.493837920081,0.525561998216,0.0409151811316,0.941073782906,0.247813873625,0.947718022464,0.985954100972,0.915107705717,0.360884862892,0.206726993883,0.129807029723,0.776266158881,0.92678344678,0.0820368397663,0.965081148025,0.262996553152,0.829089880763,0.19995966381,0.0196400261613,0.898840086175,0.562135744234,0.312718206852,0.121453911972,0.918718381403,0.650074721592,0.355671052572,0.955714576522,0.362111375737,0.235775968559,0.513727285011,0.565539701271,0.721790461469,0.107587906606,0.0934649573414,0.197054629475,0.304464542344,0.613567677794,0.259736644219,0.805147302932,0.458590855315,0.530167637887,0.320604765994,0.770616682041,0.941700910498,0.861387738396,0.175512101627,0.568229476525,0.845442174499,0.0849523182049,0.41433565928,0.497699944392,0.927762940481,0.189062305113,0.63789501792,0.052414105283,0.782620767651,0.101106532067,0.240736495364,0.810340742563,0.329164918671,0.0537327668305,0.538091883948,0.983689004074,0.215280366338,0.288373590549,0.177653250955,0.217032884458,0.102695757739,0.503577118981,0.959501491738,0.395634598497,0.222802959462,0.748577433193,0.94420235378,0.577623674818,0.202238319818,0.716862115331,0.0447965868625,0.688379602676,0.00786414106139,0.722965426377,0.483649045431,0.549049290825,0.131747447738,0.389060879586,0.388188897043,0.89210374485,0.623934156986,0.886940610736,0.485921949934,0.109341559738,0.473118706421,0.87538335877,0.694108431211,0.265191070688,0.724763421026,0.434992837439,0.861671561358,0.0739863717872,0.758234351707,0.481740883406,0.16181181908,0.298890745129,0.26838755135,0.449926852615,0.0859451607174,0.792163046103,0.603656861731,0.231649954847,0.715362748179,0.219065817002,0.238913143873,0.171068698263,0.863489062277,0.714911100679,0.350293587522,0.381907062736,0.865870188935,0.117250772694,0.351068138527,0.311400109331,0.324758733054,0.571237514951,0.0374513322605,0.622913410178,0.924769807439,0.0993702422478,0.768347260415,0.652937724259,0.724492582929,0.148382324569,0.478137429367,0.370282048631,0.31409063485,0.433265393494,0.486572149039,0.233410240058,0.890412874519,0.127982981497,0.578790184096,0.198335524165,0.527998434855,0.664506969976,0.835182514818,0.849174226218,0.939522888246,0.273525929363,0.784663355505,0.941496048518,0.400129157872,0.876829375333,0.310068549679,0.866853533309,0.10335524085,0.768098122498,0.503229646558,0.906442854839,0.258071001777,0.543592072714,0.443685214587,0.440224686055,0.372680394763,0.198608781163,0.35490970544,0.848962795005,0.425276454609,0.485207683562,0.553840882406,0.963651581495,0.789557753663,0.556483626451,0.813266203294,0.514203270088,0.0289591499592,0.332479636786,0.301892699632,0.198043811433,0.412975342825,0.123190368867,0.819208195679,0.591596291762,0.276658750137,0.568073306419,0.423633358734,0.0122795171086,0.0923401325473,0.0210921603061,0.166263068112,0.624617671316,0.524517157363,0.0994978600547,0.631498788313,0.0758759633501,0.0979064716715,0.279201332917,0.569285896697,0.459392871403,0.00155278200962,0.429035799706,0.215824555073,0.457981965677,0.0217593101451,0.853030797251,0.382468595079,0.856157839337,0.580861191838,0.175371484794,0.974231537471,0.570735571237,0.217573745661,0.615673052019,0.761398070116,0.707201717395,0.00306086024974,0.645380527882,0.103685441431,0.35843953666,0.486426455676,0.829720299939,0.425175590665,0.864884634017,0.153526060198,0.793260826911,0.149019610338,0.847571893665,0.713645367842,0.644139490162,0.587174636882,0.0199933986754,0.335756762497,0.702599665112,0.138443407132,0.633792890081,0.418249473021,0.320730991991,0.193576403173,0.733317132074,0.156018749087,3.93623643282e-05,0.486786120593,0.206355217171,0.727201201917,0.374855499225,0.831204725268,0.399541660109,0.095987311363,0.00410301645188,0.545499733643,0.140876431175,0.87531622891,0.153922838387,0.192717516773,0.756827816452,0.270746247272,0.172877367301,0.202292731307,0.341429884644,0.954480387274,0.082122740049,0.319138096911,0.538134844345,0.605425528586,0.535706672422,0.240172751609,0.421163921709,0.706409267318,0.419288921123,0.0810034925541,0.0184770880724,0.00872554501614,0.864577550041,0.34323005567,0.0742625135174,0.513917539078,0.486196367697,0.238482775517,0.931976737785,0.947149683555,0.880301212226,0.547963647587,0.0953679199521,0.227595635146,0.976883268373,0.585546938106,0.542420849418,0.984938333681,0.636946439304,0.191950734812,0.399736847425,0.596644954427,0.637386158687,0.973745522037,0.751034792048,0.598922138699,0.821139705761,0.677961334224,0.431610798301,0.569283171968,0.0698849141397,0.12629602435,0.0908083852987,0.260072298648,0.21883520191,0.102816428746,0.108157093273,0.85175432115,0.183757010132,0.678514064147,0.855061276975,0.97189604571,0.277737581927,0.773830081695,0.0614083062452,0.5252140849,0.404271120873,0.235742416448,0.942408776212,0.0764240015046,0.0200449096177,0.13666884975,0.82571041942,0.401807275547,0.706971360912,0.656437070539,0.273833764478,0.480308483286,0.16224667147,0.123343176674,0.195325003372,0.372614380821,0.659245946268,0.982872909635,0.658529823318,0.221433550225,0.21992139963,0.986847068258,0.277900775868,0.371328307416,0.0352033454358,0.702732322206,0.926857737627,0.926300962079,0.839342171568,0.778637879053,0.161985176245,0.653473211206,0.076204784015,0.719411289105,0.343662514001,0.647782414631,0.587872581066,0.251345452534,0.53508372524,0.980043114936,0.714681074986,0.83669328513,0.885356183555,0.617319054612,0.517172061238,0.991373099855,0.14561453784,0.649266743744,0.609353821526,0.885141743887,0.654655357378,0.956650410589,0.227887769067,0.163442281809,0.560610163051,0.154993999553,0.434263169811,0.355161891842,0.235238707442,0.255091758917,0.212022793565,0.335759865846,0.78876729136,0.600642171611,0.563184555909,0.864916568003,0.958333946107,0.686911135776,0.992364624395,0.748461329867,0.529297344173,0.17755222908,0.0990079525593,0.830772810287,0.936700683892,0.940920067063,0.417948782168,0.752503335791,0.178275411503,0.98214698946,0.887123703921,0.0858809201785,0.834182244728,0.0663378724788,0.527906367937,0.227036310449,0.87982579826,0.188805210065,0.839235627435,0.246806981705,0.735293932239,0.139584142209,0.0612508985464,0.113081050089,0.282487058475,0.53132704532,0.782477038315,0.947034840152,0.195790412218,0.61417158317,0.580122940394,0.357181669943,0.378397850748,0.236357475181,0.664506047355,0.862629765383,0.88203110496,0.367888106782,0.522808005888,0.231649242215,0.532700047669,0.158420087919,0.346851813938,0.328090492109,0.858567614828,0.579454835047,0.0738075814505,0.455336022113,0.505500326889,0.612787199058,0.457982867471,0.681092950843,0.836106310599,0.718947181257,0.516475545834,0.201817240915,0.0439759225861,0.805856693796,0.241076026492,0.49794215555,0.154918208775,0.291916850766,0.490950556299,0.553980380151,0.86091467786,0.493964548377,0.344235336572,0.543547185733,0.828063524249,0.295266992968,0.376373359111,0.152695252377,0.379558783073,0.484046059642,0.464430302547,0.909487158919,0.682522815262,0.504938093118,0.464951550376,0.374232454732,0.263750827284,0.00122333314864,0.255512562512,0.965718445999,0.0608792520444,0.739657192771,0.590894166998,0.253011104939,0.0797800462936,0.0517443862133,0.109955461638,0.591917405601,0.968482510347,0.864496836213,0.618718581099,0.0542177725142,0.924269459569,0.165067325743,0.703701586174,0.69443306523,0.292874396755,0.762339209717,0.721158310116,0.281249624748,0.645306581031,0.849529033878,0.90036576523,0.272095514895,0.653757603184,0.785465107584,0.36353455542,0.900897105763,0.735293999513,0.95686290326,0.684942478038,0.570263856171,0.693513228693,0.460267489297,0.637624534116,0.574480375363,0.222652575771,0.707956961956,0.149661767777,0.55724735523,0.0240583550089,0.538713760672 -0.431488642519,0.813767660151,0.710285831435,0.537285319903,0.939018980958,0.00609512009062,0.0452681666646,0.652752916934,0.44767814251,0.72548297287,0.243747618487,0.215466808264,0.839597210057,0.339145383422,0.358588621888,0.112457974202,0.0975568567968,0.262375812268,0.0264650264831,0.102900081194,0.337350351935,0.775240930166,0.62920840335,0.877875737476,0.302670325745,0.0554315607912,0.133921745407,0.167247874238,0.118172841198,0.0957595170272,0.572693666271,0.872455215553,0.356789416615,0.422942110649,0.262770561783,0.124870181526,0.0245982224235,0.65991964171,0.0876545483661,0.118125955067,0.818408138427,0.345197089971,0.473304090605,0.300254755228,0.920436992094,0.15151162721,0.231883626547,0.839849957154,0.567753031379,0.277127772321,0.531182103586,0.805644052212,0.469112018255,0.232039528458,0.078784612989,0.752251669951,0.899592596158,0.900503240397,0.271170519688,0.195049414567,0.724120026951,0.412476651913,0.32563354489,0.467501401766,0.0734569540255,0.543650896632,0.0565461543853,0.550859710596,0.783931831429,0.874787114775,0.885911312905,0.270247323225,0.142554882026,0.429473276107,0.177265059072,0.84196225565,0.198986978159,0.745193184772,0.107897524316,0.327508152961,0.304169242438,0.989467362647,0.251551902414,0.387946753125,0.0371320795008,0.768586207171,0.743380005412,0.81537611836,0.518288054569,0.337368112349,0.505463257819,0.782422823569,0.138936684474,0.578889100133,0.742014188953,0.275853237911,0.274857537087,0.159415603759,0.700814484759,0.355709325413,0.100905370264,0.763553185401,0.225990815212,0.186292457846,0.392741034687,0.840126342069,0.67441899039,0.770303999033,0.512679346314,0.327135454324,0.410144886082,0.532782557562,0.209618586683,0.932201450478,0.197412783202,0.137808937405,0.0719265751459,0.919282816152,0.137279893381,0.613934684768,0.614617065899,0.512367463539,0.304661734637,0.885008108753,0.810814013021,0.955610284451,0.05840740565,0.190782061163,0.647718123722,0.804113982911,0.944495904489,0.903615753951,0.445211933841,0.150529296177,0.942653413954,0.068265954471,0.891369021043,0.0900964194579,0.76223773022,0.245482883443,0.619686648357,0.973634832706,0.132637384982,0.272478684652,0.0702298218573,0.489142053197,0.605979272308,0.334115667229,0.527456248074,0.607231216974,0.340618135507,0.140882715937,0.704943135104,0.169014372352,0.870920629753,0.330359681918,0.0901889969598,0.803650605823,0.112095423953,0.897381154597,0.50190881839,0.422075505769,0.441483238044,0.67649023177,0.177358075103,0.414128465654,0.500870144708,0.932015725724,0.665531890931,0.373180924008,0.129589471538,0.617766016985,0.427845560393,0.847377498016,0.745151587662,0.417343747403,0.999883814971,0.87690451435,0.352220919456,0.807087512412,0.701260686377,0.749865792807,0.633612017713,0.279897592845,0.497661908294,0.842530632278,0.623922746681,0.193213858288,0.544974824759,0.140859637027,0.351805274638,0.910192379823,0.16064834222,0.658835488502,0.722325249232,0.0505076832325,0.30920116151,0.486698930202,0.0431471947956,0.133276398408,0.599181846165,0.705486002677,0.508185457933,0.120552445358,0.818737266981,0.735438826125,0.510291699833,0.730661761731,0.319185964672,0.529510424896,0.461019062638,0.735422792411,0.10051077802,0.0388722104142,0.854464471319,0.492657279671,0.64203493874,0.274135842584,0.0402194244795,0.427706640418,0.702367629799,0.495047080826,0.2749020073,0.101871025212,0.619257336409,0.688097958576,0.0983422870699,0.399367297243,0.136473961958,0.554214075714,0.777643846967,0.88063857361,0.535060462638,0.613180628257,0.53015913366,0.519615861639,0.312603909509,0.682237738232,0.943815490207,0.869995919053,0.944306842097,0.0454105987698,0.876553727929,0.434392573112,0.493392834504,0.0135029435946,0.86661444841,0.645743512604,0.637921555174,0.00744971718355,0.0730824376446,0.0501982917825,0.256074867534,0.73403960015,0.0988610605539,0.99983987887,0.577561278725,0.223832469975,0.630902065913,0.202779879552,0.550708650265,0.420332393303,0.585586939014,0.731502618816,0.805374937767,0.738338463053,0.114554628917,0.156771529705,0.359804422862,0.242469849306,0.586342735178,0.915923472096,0.971049519514,0.586834634916,0.592640407964,0.0412408289449,0.54147418089,0.988393926459,0.0709664150072,0.536411403914,0.309502672228,0.813027527142,0.932629540302,0.784990039422,0.653897083714,0.458036287942,0.157906557899,0.864022924663,0.955244338552,0.0835602220426,0.555479147807,0.0223574214907,0.68519752446,0.591953317417,0.0362565307088,0.237636495837,0.450496568037,0.655597257922,0.271691552515,0.153887858874,0.0943177069348,0.0613920402456,0.57511423014,0.884094635221,0.324980376791,0.884693996901,0.165890300867,0.617389429131,0.494176889333,0.104299433851,0.227651297767,0.642697378027,0.465302924285,0.628118146171,0.0969280652969,0.116303441481,0.821427424127,0.772090818521,0.313432664411,0.720319989615,0.0288801632404,0.696939480882,0.593450676143,0.117483214805,0.244994119356,0.872411992513,0.33511121926,0.954101850005,0.139857512342,0.769382347834,0.523374873086,0.239263471677,0.846264105329,0.184430486682,0.00985045940052,0.903336358223,0.505072810224,0.0957234164288,0.448227880398,0.12837404849,0.335492410466,0.237938971218,0.158392324899,0.00858135537277,0.384621447838,0.749318439164,0.24839299621,0.70886842024,0.129103489982,0.452790294401,0.0970548986042,0.944930740388,0.444256022258,0.935481086294,0.590656873864,0.0666344029726,0.199148741169,0.419372088627,0.0142247323491,0.349813067863,0.225059864843,0.935813312196,0.613800325663,0.473759211075,0.573261755118,0.888416436116,0.827196725074,0.787066209237,0.3461953884,0.304328792632,0.614797505246,0.35067448167,0.685711490423,0.342506735967,0.0197061290253,0.0216810553465,0.964622365048,0.734696353859,0.696562128942,0.120934061135,0.73321157645,0.140471551286,0.43822224156,0.0507964049519,0.021897856346,0.677439595491,0.348862011394,0.901420649815,0.225639605703,0.531157013724,0.201444666948,0.614312774167,0.925899056657,0.0754374704872,0.140677355111,0.126993459654,0.206005066907,0.658700689565,0.937700287348,0.311385204439,0.722454987895,0.0628718871008,0.19600723062,0.66908704335,0.957751495442,0.958149293459,0.846449119861,0.581663524881,0.191743754778,0.496861986155,0.964330701042,0.719500102761,0.156923250334,0.0504829868243,0.479197582713,0.0583982956629,0.146048703307,0.964591586818,0.736377978586,0.606687125661,0.859643169831,0.155364315015,0.866740242615,0.335218558144,0.402705681724,0.85174163681,0.574407861257,0.234690924744,0.954150392625,0.818285595606,0.724119522445,0.909110251856,0.723226229831,0.180285280794,0.08416487101,0.932382069383,0.950863859293,0.627760730858,0.715330904876,0.483180198924,0.634618211607,0.958703388112,0.493133862208,0.318304098419,0.0163627456154,0.160120394069,0.680543249917,0.456158277618,0.176126813874,0.522655382141,0.0837834751573,0.332443510845,0.273660920789,0.850494054253,0.620331428244,0.568221195832,0.164838805522,0.332933401882,0.357625876824,0.493933796619,0.679197584557,0.569332043641,0.398949985251,0.432476919644,0.465748645414,0.717356066815,0.0131997860085,0.713465857254,0.270329367905,0.207487424178,0.245725268466,0.191262650863,0.675712889103,0.528532603616,0.384281712916,0.237637415926,0.768091644183,0.644216509994,0.921050699674,0.744713213835,0.376806921059,0.463092520839,0.573009419222,0.035467738183,0.833281336785,0.474267598877,0.30779217826,0.635754406965,0.146550787199,0.0667980205918,0.650023339493,0.702188079553,0.936437820256,0.418173552532,0.180761338016,0.457291324449,0.969396279287,0.647181528062,0.859426348256,0.865232932183,0.132652197743,0.0432181133367,0.644451155498,0.400143745461,0.609388167354,0.525560084057,0.341849087401,0.274299478296,0.690857667224,0.269133620826,0.127506573959,0.0242227884528,0.711465415795,0.531600302894,0.64846328861,0.106168335033,0.768208002608,0.157781411409,0.732017722254,0.67723023565,0.413611591728,0.207903369451,0.510236888787,0.307446333218,0.34383850383,0.688125001577,0.174478094154,0.661790940284,0.936065020476,0.513133233876,0.447711394305,0.425385852127,0.902777842794,0.815490216392,0.974548606653,0.859764863808,0.455946378733,0.365953192342,0.382811932549,0.331148764218,0.221961343721,0.724485695085,0.523665249269,0.60662015127,0.856994133236,0.274730905839,0.982446471294,0.346800912053,0.259756600826,0.236495715436,0.747497701052,0.0947698096849,0.166654876972,0.104568040143,0.972622475304,0.728834167154,0.574598325627,0.316511960837,0.333674010756,0.572581809775,0.89326292524,0.722969621119,0.223291562295,0.182615976275,0.45188547798,0.169858128918,0.750737493404,0.0234550078318,0.600002945575,0.57160666636,0.202523401919,0.999028716793,0.67322897636,0.592817902552,0.275715383004,0.527299664318,0.89341375327,0.031048788841,0.103612133551,0.533809625116,0.197614833915,0.811526925355,0.0469204946157,0.728465635707,0.92805015307,0.29113171046,0.828738728788,0.947456787728,0.947971048127,0.860404139854,0.313589299822,0.53312791073,0.642763572398,0.692862473839,0.147812281901,0.436539995423,0.987996046059,0.525444517756,0.173990185133,0.723672394357,0.0823835346538,0.169953643821,0.995037674126,0.521666197391,0.643622393127,0.641822818456,0.807120147539,0.808681366469,0.679651190793,0.160707473294,0.666632546712,0.581934280249,0.475579680438,0.642376195663,0.379045964406,0.191216158033,0.643665194561,0.162369208737,0.664962207974,0.0217358119959,0.385558316944,0.615597859802,0.564916679778,0.736615833506,0.585274851763,0.519530524581,0.170845810386,0.899889089745,0.543173476262,0.613133705063,0.0163439172807,0.103161715288,0.751381954532,0.523799565605,0.373282367569,0.67532112529,0.653449182071,0.012203853303,0.460648795042,0.305233722163,0.96236080685,0.313857538014,0.913401950648,0.0462075748027,0.488056263442,0.324720145124,0.616123912021,0.311787418947,0.369569533993,0.253000455731,0.0162219611847,0.941753123196,0.779294530328,0.0304927736307,0.603489463089,0.979488494512,0.945413579403,0.13979582795,0.34228599362,0.296607284886,0.748414950568,0.507927978615,0.914488582497,0.662999287172,0.715703004912,0.124898021814,0.164957372257,0.816504416315,0.798860429697,0.252855931016,0.273722139807,0.11822546667,0.789400968431,0.667479106403,0.283546264439,0.61573366163,0.918194027514,0.356644066659,0.95842080072,0.704848118901,0.734400566821,0.838367796426,0.0660319663767,0.492203062303,0.00297658528451,0.526772833303,0.676824450015,0.967912834521,0.238783140796,0.179515506957,0.280900088741,0.779057555715,0.265206661021,0.757640466167,0.872846039351,0.534945322414,0.287460499632,0.838614986821,0.419657512022,0.521800114574,0.534370820571,0.605239741395,0.869565007307,0.447872396432,0.706515131187,0.665763907094,0.141345525001,0.355113689708,0.778360269909,0.60727997907,0.256529160867,0.948993703942,0.285883806458,0.530167867815,0.107674510507,0.129186381588,0.84081715962,0.173549407613,0.523953446149,0.0319992309547,0.530823036993,0.165353183363,0.37321356963,0.0207521939799,0.103928046415,0.29100877192,0.641938482741,0.987148109664,0.993919990343,0.204808122959,0.509770943406,0.986846702439,0.450298108561,0.0101234724487,0.336389580118,0.337559092102,0.842532295037,0.0500295549214,0.810520229847,0.395252917118,0.809248172282,0.465704773938,0.830044644656,0.63588924976,0.285663045422,0.770466113125,0.475692271046,0.654273653443,0.0124289411252,0.185228486076,0.242784261608,0.848447677491,0.434982344693,0.194470755238,0.916765691233,0.856394783107,0.943965797866,0.462472588155,0.393384987781,0.194345668742,0.944913026225,0.0623851125279,0.454082609516,0.890535360694,0.836454640621,0.1160740486,0.564068777041,0.872954109761,0.922449841785,0.485836489171,0.92675956791,0.411172140291,0.984970591239,0.626830997159,0.916873706313,0.380995034722,0.569057308337,0.763788381935,0.576033521911,0.756792995814,0.698551623811,0.163527411236,0.766084317592,0.554842407169,0.386126972127,0.665626801726,0.108707430651,0.368278631093,0.259601553311,0.547047632297,0.745169104638,0.514426513913,0.0477856237078,0.692031442898,0.305585103037,0.54702089127,0.851190700331,0.425121686433,0.575914279309,0.220818258767,0.209323608246,0.0310404050387,0.651135082109,0.228334418097,0.543376431307,0.376171542971,0.933295935471,0.883975398504,0.0799692554242,0.217207456404,0.3285640231,0.178203706941,0.125004535761,0.210516538726,0.711209912612,0.14141244603,0.947356677967,0.692216232444,0.88488519621,0.571022409286,0.973990568494,0.0288030444389,0.645648763979,0.841276670038,0.0706790705457,0.300346849439,0.571090587594,0.481619838333,0.0756903707382,0.390325712988,0.090689965082,0.731745058054,0.958148680826,0.546049838652,0.385000401225,0.797248894219,0.0823508273187,0.458435634232,0.990059551219,0.597224297717,0.654150305958,0.709133002752,0.234859919359,0.422951713357,0.753416190639,0.848412609214,0.0779951092497,0.346849379821,0.945206548475,0.394316955724,0.395494259389,0.302074566214,0.707962373906,0.348529177195,0.515279387822,0.081382545924,0.409133655747,0.755997259433,0.469367253386,0.456448689573,0.511470224975,0.618606562031,0.0208852669897,0.940356723763,0.676490348929,0.124110788356,0.18649851982,0.21489355659,0.0209593293608,0.911548532221,0.753359928672,0.403677891774,0.571866996575,0.953704766643,0.584599003409,0.795694740821,0.657255077726,0.0851431261079,0.356802569221,0.581974315059,0.64980162565,0.163746976269,0.107990012728,0.234790658301,0.989333408923,0.0717973311015,0.49554899323,0.381893019648,0.318351846966,0.440918011731,0.744629257749,0.119326136085,0.420165384977,0.321327618336,0.642902509242,0.588423107861,0.855566859704,0.575638165661,0.0838389384946,0.491188471611,0.734096026737,0.634958539561,0.283208317543,0.0100403214623,0.0227802937243,0.294891440906,0.090219135005,0.262262748497,0.492470107525,0.973208617765,0.140963488397,0.107520472066,0.640553036227,0.612947524691,0.375523691693,0.916936747175,0.800584458511,0.208733756719,0.892268769399,0.547494286198,0.154947217698,0.90242981144,0.804350535068,0.150486851183,0.262697008121,0.660320273834,0.803088781301,0.853110592214,0.880229745639,0.299546659399,0.164356513407,0.112561123303,0.965686955449,0.154139952953,0.570010796001,0.347682502375,0.922088463286,0.297282036322,0.771805739518,0.573572061707,0.345318574207,0.558921578337,0.676034815247,0.882297311208,0.540519589639,0.61028385249,0.371930770455,0.65225541373,0.707678824016,0.595729480291,0.283128323267,0.0852454165191,0.821491144132,0.807830576184,0.351242878257,0.665900606363,0.545990161346,0.517157502527,0.254968525086,0.023676798022,0.812211745923,0.659427763981,0.544677310607,0.201643045241,0.738626604576,0.441393788802,0.602854702124,0.561943200527,0.705128575654,0.340443819866,0.153274877006,0.856298849112,0.859291871968,0.724302467154,0.775574279186,0.533819021602,0.427232659353,0.635153873327,0.41543738313,0.628409479549,0.779121669348,0.154431309161,0.696994209758,0.748775658075,0.351098036203,0.0184135284159,0.319128241555,0.352999657938,0.216715928387,0.439339019213,0.762011924296,0.762290710775,0.732348414972,0.511925516384,0.469237722619,0.155420678412,0.26917168568,0.770943742631,0.625389150643,0.35202283855 0.158062865719,0.392947509563,0.0310029330814,0.638643153085,0.306261648344,0.0205738928015,0.511571521818,0.477758654808,0.832343965767,0.0431775582487,0.830776711124,0.39270523467,0.624735607706,0.666210184057,0.561760683426,0.111771756836,0.709284985366,0.652994184188,0.344024547858,0.195121935343,0.274726076619,0.0490313520852,0.966570206458,0.928513964944,0.255036669313,0.747653407074,0.0650457137556,0.640743523536,0.483388504219,0.0652469090049,0.953175245257,0.0042010408945,0.572576866588,0.0850416869306,0.234501697967,0.915495373506,0.853162432962,0.658481896012,0.0187242267056,0.241825903328,0.887069844476,0.884843531646,0.766518606128,0.674673041315,0.378647307852,0.549242878613,0.0107622798761,0.930191479982,0.491315761229,0.870097978789,0.271109838293,0.526067950708,0.215146869526,0.357372089003,0.223516860517,0.919052536386,0.647315982711,0.652735676854,0.710205311185,0.597889169241,0.567894170843,0.793124499541,0.181850864758,0.908014288589,0.0961780568435,0.199553571394,0.296575244948,0.629210029986,0.188242745402,0.990888686017,0.459113822302,0.670303769299,0.0186859304273,0.549548104248,0.924373158575,0.281288940304,0.207363679875,0.026791988398,0.915033132492,0.268188560736,0.780838641182,0.605348271208,0.607869237727,0.832357768148,0.0846419023404,0.698382200856,0.595654008027,0.136486350971,0.0745491005227,0.00907384867793,0.591511031589,0.808669436869,0.0200313394802,0.202041150606,0.0311353501392,0.87506138711,0.920284487678,0.913836425582,0.69587576986,0.649002701594,0.696655117653,0.472318410863,0.638042485872,0.579591379285,0.686630294816,0.527849982936,0.589295084787,0.690358108291,0.0884627254084,0.544449836124,0.74971649473,0.69398364281,0.548806860363,0.680199348035,0.736524857557,0.471504458168,0.970267446279,0.629398405752,0.727837229433,0.403852690185,0.683601751621,0.951634699697,0.3369275696,0.999278060552,0.597726735911,0.399433652651,0.253864027486,0.683744138134,0.742644256559,0.842105516802,0.818606276254,0.952786941595,0.435381638349,0.517814232328,0.562314891692,0.838327047715,0.527676412926,0.285557912913,0.832438615528,0.192205837217,0.713945864574,0.307204419335,0.162110746693,0.108565221547,0.0881891316147,0.944042427097,0.238854816134,0.570393705468,0.599222089369,0.731850210258,0.00876290106283,0.456358086621,0.416704760673,0.600107839173,0.446343566641,0.0615057807501,0.577898008375,0.0160382921607,0.477785964201,0.585109601828,0.32213958833,0.404109781287,0.352283179236,0.160412839135,0.419072641001,0.981525229806,0.875939354967,0.137019642476,0.769111844655,0.0524150135254,0.111033281618,0.455682532636,0.130822167844,0.0971726139109,0.602597915033,0.878834304725,0.923924697235,0.336707051069,0.920343665801,0.803208034019,0.573052731481,0.300428846816,0.301233989118,0.575430397561,0.781910665342,0.0386649556429,0.795904499342,0.397526860278,0.719443335675,0.836848818192,0.787248251743,0.214026755082,0.314312918659,0.774789067732,0.154604361309,0.281407736446,0.74945215601,0.0460404598893,0.989188837926,0.0908173499798,0.936271741155,0.786026261451,0.125450436191,0.778691733558,0.985418697698,0.274501428929,0.948819496258,0.922336143466,0.0163102088036,0.141842292834,0.608676780761,0.586012971856,0.430324042525,0.258772679642,0.427164194994,0.0600127187546,0.389744482321,0.838415461417,0.608130934259,0.862936694575,0.505518994308,0.958892656942,0.305763646992,0.337477500203,0.396994256117,0.486752611298,0.932475562648,0.183617287562,0.748973723208,0.794310670237,0.382729945361,0.217361569796,0.923362610173,0.0825647579017,0.0703014231523,0.761315267796,0.674682415087,0.0319239919541,0.414664169504,0.52300076202,0.861271599594,0.29973633389,0.868431074815,0.660951311606,0.591519050929,0.994438637078,0.872864925185,0.0794035077212,0.0824884193581,0.633412524728,0.627724561832,0.725833229425,0.981466327724,0.709964485778,0.697432742971,0.878049246981,0.768394580277,0.0950146358208,0.320823308214,0.811958111145,0.405284653467,0.196912420654,0.944867103249,0.755548176289,0.226917362719,0.20308291853,0.0926339185298,0.474586307318,0.07003184935,0.598844311446,0.0671233043508,0.105416569965,0.766159562772,0.776450899865,0.991145643307,0.134249869039,0.473614591562,0.416887995467,0.049463945731,0.309867115346,0.876921477388,0.767662461081,0.923984849489,0.953613379013,0.0652485712709,0.204102386831,0.37813527217,0.378229754034,0.769511150334,0.192081295258,0.419734947738,0.678540387922,0.111476366176,0.105220222689,0.452131174006,0.891106117798,0.00636236326693,0.7265102539,0.830181072386,0.00661000767627,0.823179505648,0.525915860508,0.631516193778,0.0708576398285,0.25765251919,0.494070443381,0.0756198314764,0.702779005371,0.296841579926,0.043661506812,0.373352820911,0.492305182155,0.861012718877,0.866128368709,0.161226182381,0.450150006746,0.643881028418,0.930982795724,0.351236293889,0.035634563541,0.889641147995,0.00395260464123,0.651495609859,0.827681587832,0.83362334739,0.362079253573,0.434083336676,0.388214394826,0.203825942687,0.125665758355,0.718008140381,0.251831335338,0.762416933601,0.66279495733,0.246031912407,0.835012658368,0.0867456238737,0.356669457808,0.723711655503,0.134480826232,0.309514195138,0.58540842421,0.991965803614,0.561526037183,0.348690079168,0.615160319643,0.096191182797,0.595825434207,0.760519367887,0.427966831873,0.637634434405,0.352811247011,0.699691106006,0.696664143929,0.355419392216,0.624646461089,0.567686950865,0.640392619305,0.565952413838,0.191158170668,0.177130328403,0.149970124248,0.759999494685,0.953051299614,0.913740720383,0.206445786148,0.531530932368,0.297612266809,0.714832778236,0.510776850853,0.10785605246,0.644383144941,0.0662253448969,0.82585445203,0.329781805049,0.362242329587,0.258664774168,0.261270384434,0.262451282954,0.551687714871,0.088415410135,0.684140614266,0.522751987074,0.629438684491,0.945760841255,0.250344093288,0.246132573439,0.831411780564,0.843526018443,0.476578244831,0.257411956646,0.706181230973,0.0860543407436,0.287978728518,0.49015509582,0.460288020835,0.429975800542,0.639199056286,0.417666524163,0.707363887153,0.451097832311,0.896429835344,0.772786147778,0.402346494335,0.604324111263,0.409440492463,0.979841171672,0.731727752473,0.994620826654,0.864061302291,0.87338686385,0.311056376971,0.0208761187981,0.563711248175,0.413960013167,0.748288105831,0.885755158496,0.750781200764,0.964105705614,0.56921468111,0.6530173636,0.633644768118,0.247557707925,0.132166473399,0.332413822218,0.0779096268503,0.723624062778,0.312173171187,0.738333613915,0.649645710558,0.109138135547,0.649738596737,0.183282206529,0.850043455996,0.683659450525,0.422980617501,0.667601293005,0.528141536676,0.325110651885,0.276478748346,0.359805887983,0.100286402804,0.197956226965,0.197663775693,0.864254909238,0.778403317659,0.70554403037,0.432510860467,0.491915552243,0.306848770767,0.461856125329,0.971539175339,0.0942586682141,0.24829929919,0.858186081515,0.544676525306,0.427725999982,0.551730362285,0.187468709949,0.407813527032,0.307811607555,0.197951200412,0.262337072012,0.76838656292,0.286901468633,0.232853472465,0.0313179632272,0.239090985765,0.186517857022,0.35884610122,0.556950320809,0.684251551352,0.544524473983,0.635694028828,0.215217167785,0.196006176325,0.987712939459,0.572735373614,0.874422598924,0.499925681483,0.245408575643,0.539221407224,0.236551208931,0.644428097235,0.519144770456,0.188664212242,0.360089873546,0.0795619945901,0.276004724027,0.452002820491,0.449167741975,0.123399840607,0.68343355159,0.240749876232,0.0139960034277,0.997049121231,0.961650539668,0.533063482485,0.670769159751,0.94609267222,0.701833506183,0.544425452428,0.480669587752,0.469238788866,0.988950431779,0.334911160814,0.182173161205,0.28455559219,0.810498794517,0.0575356255938,0.237504718402,0.973795937837,0.100774494116,0.483481259973,0.936193148758,0.225921466261,0.486233325051,0.997696851969,0.0935022072723,0.862488053801,0.390880132637,0.334431689211,0.765292962734,0.701952261663,0.442323427588,0.50796096203,0.425899445544,0.0790474503226,0.0102667073917,0.801032549926,0.340551371508,0.379031579927,0.81152909155,0.618445703949,0.535553074856,0.365273127088,0.91854576104,0.0105487578912,0.27446178433,0.502220763775,0.160233443403,0.351843776478,0.675332814678,0.0989023295671,0.898767292531,0.772763739591,0.676843824565,0.802913769106,0.262569218348,0.9201695592,0.696982832281,0.255300477954,0.606216917745,0.133000731866,0.23186464915,0.369680913817,0.39155301605,0.0646286254185,0.844322475314,0.046917186814,0.0790208866496,0.818024143976,0.674775953777,0.363781945672,0.274679253567,0.0609534215474,0.218155313149,0.338562084949,0.9393386829,0.661618994263,0.348983936173,0.767729288194,0.999283001877,0.164966504274,0.690714846295,0.797575535847,0.415154461818,0.83229982462,0.0332451787988,0.21658758302,0.870811859326,0.200427593963,0.232125535836,0.515967642505,0.673249004721,0.334618135929,0.604136736182,0.620837391412,0.448648703139,0.670660533083,0.778249087052,0.629596308238,0.496615811679,0.84580146072,0.139267503013,0.574121546571,0.737052507346,0.0861225586563,0.648690023876,0.513817595954,0.388025146989,0.771422624215,0.571053799428,0.61154187246,0.0277860960049,0.687678635615,0.427939592671,0.416336618483,0.882788664702,0.923406255557,0.552175553634,0.496847223854,0.984196148345,0.788218418656,0.441234835452,0.650944538376,0.561151294511,0.624136329957,0.0357866120086,0.788445275256,0.540845903374,0.804737627642,0.0134568884651,0.797442484399,0.787347738663,0.213338299501,0.00151651066008,0.78783977948,0.938808253556,0.668633232414,0.152319872834,0.773676796104,0.013830493153,0.98232465492,0.431396333291,0.0870012553417,0.106945812298,0.338395409088,0.778804802335,0.558395307112,0.330996518968,0.336107853163,0.544364261684,0.324247393831,0.121766154913,0.211278440651,0.259291120531,0.204202098135,0.944923418628,0.278512683033,0.297638990191,0.478479334154,0.185107740525,0.85121034706,0.917613975782,0.266384959702,0.114675455496,0.639405418222,0.0482909901504,0.407453916881,0.583415712278,0.991825758065,0.35623409308,0.529939679561,0.0870460995534,0.267930927604,0.629234198913,0.853062570588,0.762977375025,0.0744493258214,0.606708469413,0.342611225894,0.696022896213,0.148721818314,0.22896282327,0.0279290677915,0.72026817273,0.674290888014,0.818723237465,0.637326403818,0.66080169927,0.120634202264,0.0558259620783,0.373939722154,0.0960694267597,0.288583436681,0.16941461148,0.395754454357,0.68572954175,0.303681243854,0.78742780406,0.0957863636615,0.965301695295,0.798738399829,0.844359987592,0.0825655645859,0.0744371918351,0.606680092528,0.636187542092,0.203226709738,0.89050204889,0.103839985885,0.587581820789,0.501042095948,0.0692473352925,0.87154274739,0.220671002245,0.29047405992,0.654970353361,0.529709316237,0.138914863952,0.477537456177,0.371469941059,0.086316942186,0.798433650237,0.0235536181768,0.166340406643,0.421427035526,0.266402186937,0.389897251726,0.424728531611,0.467980409655,0.360849926897,0.240810296459,0.137483195558,0.222827938106,0.0921220599511,0.581913444643,0.0284965973766,0.807821010142,0.712972813327,0.944717697517,0.22859814852,0.360625278191,0.796432298385,0.0708351194245,0.0938534849476,0.443957793177,0.626690039966,0.472435382671,0.490524053325,0.679553004624,0.00922924567074,0.119216460299,0.585629868349,0.30949704338,0.57380894389,0.242282917326,0.790454354983,0.443525017992,0.390742140265,0.481910615353,0.360326074392,0.94090758094,0.552599447752,0.656921377635,0.988622677503,0.347594188372,0.592287193697,0.0785872200068,0.383426904068,0.482179569507,0.61956991299,0.877984843508,0.503262571767,0.0357732641372,0.134564907956,0.787195079655,0.731089798557,0.187318454655,0.791940129041,0.403580013643,0.3011099211,0.909415219921,0.958988184331,0.347022310254,0.0182171821828,0.107436921145,0.0160124178313,0.0461572739536,0.799643255983,0.219736158312,0.612837871252,0.947252233805,0.369142536356,0.0566669753225,0.347548994899,0.5670748223,0.3904982816,0.645789912867,0.183513368889,0.340649236042,0.0599894330232,0.336309516756,0.619340029953,0.00311557779741,0.206291090722,0.232710184182,0.203462439521,0.869680223406,0.33654319137,0.64613778611,0.933837646312,0.932365967024,0.138107451189,0.858921957109,0.463837627027,0.303411847289,0.241014378354,0.644350305652,0.955621763523,0.0974104494951,0.142690814844,0.996134775504,0.649633474979,0.729555927436,0.256488417538,0.587074651503,0.574359721,0.993932371852,0.720919584998,0.73594540706,0.511087017096,0.20566004471,0.257883166163,0.343438931539,0.936286979104,0.104798854361,0.701962220167,0.218358758402,0.725884573807,0.631716006126,0.599743704302,0.38074009732,0.904867109895,0.721997749892,0.173547372581,0.500431854858,0.354756775967,0.400325225926,0.130288799875,0.568774970419,0.426123630894,0.904716244163,0.984654784773,0.714639483279,0.934504331007,0.0528112047868,0.731764312575,0.771182371106,0.650418395107,0.119529894761,0.558339148806,0.992195056576,0.713056046453,0.319829004522,0.738367271737,0.135679871794,0.373020031217,0.677340271539,0.983198534855,0.649521299055,0.573795590317,0.93781498999,0.651608855223,0.603639414511,0.562812424477,0.400281026767,0.710700113792,0.517199674383,0.127652074557,0.595712002312,0.728980795054,0.746623896851,0.0351794205144,0.0981922421367,0.0179940851345,0.569695170334,0.586385690101,0.0401125131578,0.0673442370145,0.439347651328,0.844398126103,0.82021900789,0.250649081551,0.715733645254,0.701941336635,0.464574811984,0.518677682231,0.335575555247,0.0195282889035,0.186936633096,0.608540391195,0.564347693014,0.717284369194,0.866744722843,0.63690530775,0.608501681424,0.94601385088,0.647864407593,0.228922881904,0.992012776292,0.126613700182,0.694883281779,0.997051213505,0.143748759242,0.788200957475,0.668537444174,0.200758476336,0.250116006002,0.213355664598,0.247557562021,0.0462275861097,0.769479549602,0.5403475779,0.659200039861,0.064555657405,0.894290139869,0.244919815393,0.00479646554117,0.975794215333,0.428263600966,0.379472286602,0.465994391878,0.319310467378,0.0994319105605,0.0463808019306,0.628387875091,0.229233579397,0.245598369695,0.714341434094,0.188755793027,0.111282716087,0.32095993913,0.616741440444,0.717447854692,0.792197975508,0.36839876381,0.540135585785,0.409232680781,0.976865052231,0.654571994772,0.9300447296,0.727223872394,0.968217419137,0.248011857132,0.618847026516,0.196328778333,0.618030160564,0.762730928598,0.337946714065,0.428175280956,0.136247778064,0.222608326941,0.476176242786,0.465025708085,0.372064216976,0.598756539648,0.541652810217,0.441372266488,0.660449237982,0.978378262775,0.986520855515,0.650783080387,0.6170162689,0.528233977228,0.86648133151,0.74601343879,0.572322172692,0.597245067971,0.0921667261395,0.34499208608,0.299407679055,0.0281007945469,0.247802001824,0.560090934228,0.737034366758,0.928962248794,0.750017959181,0.208674618284,0.442871395325,0.801691128414,0.811390207542,0.45940933698,0.956861067137,0.511833180129,0.220207732676,0.230654649265,0.186598683177,0.316536775421,0.432611574147,0.538396676681,0.396483225893,0.857027083958,0.994519314158,0.550509241287,0.213891914275,0.852973092521,0.643326210262,0.184943725254 0.217953506259,0.0841393574895,0.491854072957,0.892937428,0.72997825057,0.56004392731,0.561034089285,0.593322787105,0.117960656909,0.987518283771,0.307855375151,0.0219556444546,0.0939262329935,0.332954482494,0.414185003423,0.153058653111,0.222962132359,0.690452583266,0.765980128516,0.5224150858,0.118662065523,0.49420018637,0.266342073531,0.333197966588,0.0558594171323,0.267204271395,0.585970587322,0.774562826276,0.82741231028,0.270926409689,0.0695654670677,0.99948762945,0.587436387323,0.431850817259,0.496214497441,0.611703420144,0.350971825108,0.0735090916527,0.637618485728,0.0481633324328,0.599362147618,0.65540834049,0.569013577994,0.839316236716,0.259474217717,0.899599288344,0.636755098186,0.692891221871,0.993119862096,0.307789641701,0.241362946778,0.320075199842,0.628841302676,0.176857840559,0.0290616792476,0.76322181874,0.206115051768,0.125856954148,0.244444445861,0.411440496877,0.436159221038,0.129573976457,0.811723869376,0.129601011624,0.82114924667,0.969695340827,0.425395353679,0.0125586490769,0.543566568735,0.0901597361199,0.741763133241,0.0274943088177,0.413921443303,0.507971742224,0.524239371575,0.55487323619,0.948644870927,0.17750268967,0.465529506093,0.00254475969542,0.987873343925,0.695549286427,0.350956104713,0.865348471191,0.185204203061,0.895546415995,0.144661245952,0.539351499623,0.494868137619,0.496424378849,0.571183665489,0.775458422769,0.151864378972,0.235503953164,0.488464203336,0.0929816763513,0.722260357402,0.215155393789,0.845970546376,0.994759960653,0.707058782668,0.0424063001243,0.305848061059,0.356577354945,0.355155068263,0.298281684234,0.0687308199579,0.264242457037,0.818348129987,0.606936907648,0.142821139312,0.728998854728,0.392756104596,0.182776447293,0.373941664548,0.165872118798,0.850940926055,0.227664185073,0.927877733125,0.667891818206,0.718045820189,0.944134124171,0.369179533005,0.764759861366,0.512353621243,0.502208711175,0.107736854075,0.783019112225,0.256349989842,0.168077944514,0.513374845548,0.384702037571,0.651166672831,0.0402232115859,0.513572269079,0.392936799266,0.954448802188,0.0813359613534,0.712482170241,0.0968413188255,0.44584895444,0.462876144681,0.819713565572,0.99459931328,0.765030951034,0.332297579922,0.495065790677,0.557151045901,0.0400198242667,0.352122121629,0.637137260903,0.576468628586,0.179142100411,0.450480130307,0.447741811626,0.457957318901,0.632974156738,0.92460752732,0.108320801129,0.665373694821,0.769900771355,0.0524517481446,0.58570054885,0.606712721373,0.580500689735,0.498749526324,0.598582179913,0.681305051081,0.875476091899,0.000239376250737,0.16399206182,0.280428426734,0.000451846208093,0.39243322416,0.678127084257,0.686608940287,0.606711256224,0.811760140009,0.103616154144,0.61054452508,0.182950611163,0.717676947267,0.615032857946,0.919047083191,0.302099327794,0.208479288661,0.0410508374235,0.507773851927,0.889717261137,0.218644385925,0.585192482259,0.436656702262,0.590037410211,0.854370106728,0.652111335713,0.656924518276,0.364401513534,0.113844659751,0.5587545892,0.41751839292,0.352993870229,0.817310483783,0.0378475383921,0.626990621573,0.563999608855,0.253278885175,0.752347973394,0.895370932846,0.229899336548,0.376506594605,0.545728486625,0.421970493519,0.764952773234,0.164931637074,0.457904398073,0.288974402348,0.522383923435,0.0685651820701,0.209126054857,0.876173640224,0.200740978385,0.0672489838621,0.905685282981,0.35279475117,0.0701518148522,0.0880486462418,0.707105038826,0.628420138069,0.676919621957,0.494842644379,0.589730685847,0.893496620814,0.925923624922,0.424880070648,0.640651897604,0.257221834092,0.142131938078,0.546564185804,0.676438051285,0.0354049946842,0.153852797063,0.516772678975,0.982584491684,0.872636772681,0.674103622881,0.769979351436,0.412428765334,0.727996127908,0.664640560807,0.8681273228,0.856916627516,0.750985602278,0.119236982641,0.538411807968,0.00419626706491,0.414920040052,0.659746517144,0.462703990745,0.686965037606,0.606110760344,0.162660751456,0.374773489745,0.769356904879,0.595998883096,0.842057794571,0.606110067774,0.646093071974,0.620379027544,0.483597072343,0.688747751439,0.399681466584,0.663719480693,0.476119709804,0.848549597161,0.344131476742,0.553275183697,0.0578303496391,0.0922805104132,0.306639089756,0.192767369886,0.100650043278,0.974061052603,0.176270186308,0.763274822977,0.673340887614,0.321911730051,0.990671976282,0.00476761249,0.91569214462,0.292650300236,0.495588615605,0.597741911628,0.00185083835728,0.860459508485,0.332000388637,0.949575714635,0.0821800466869,0.0677226598891,0.333235149419,0.0191878560409,0.699209852551,0.916759375433,0.223054750303,0.796156782382,0.353696158297,0.559737472247,0.90933585504,0.597948898641,0.018406449865,0.73566724339,0.829194401742,0.768743904611,0.325432235455,0.26683436769,0.940899333417,0.610269264608,0.616452831932,0.516688044981,0.266488513122,0.914175088534,0.845670245257,0.273900942905,0.305955059899,0.54765404711,0.867002965772,0.67914048235,0.666400014676,0.896287507279,0.457751833309,0.728447212864,0.149995809315,0.679576525112,0.224529263433,0.0779997475579,0.622981581199,0.409652822513,0.121902984279,0.98801826354,0.208304675973,0.395972675901,0.632709503216,0.880907577645,0.353095289516,0.235407096564,0.158358577601,0.00807583104248,0.681904790697,0.219049963962,0.735041684185,0.271288235694,0.35018528848,0.0494988606853,0.879167983203,0.636745670576,0.0476739119403,0.629897837522,0.61054539514,0.0244969076257,0.404470290307,0.73520946418,0.129745902386,0.653100456073,0.638574897687,0.932571475629,0.0197861516454,0.436076199976,0.795116472828,0.67144193051,0.502238218481,0.494689571031,0.757820564047,0.39033762372,0.928042311236,0.473841361247,0.471230884826,0.972712510024,0.894687004711,0.809581693782,0.463825871326,0.658051660042,0.09124015857,0.947560908753,0.85707573119,0.590750677819,0.459497780681,0.0192660755897,0.457026859259,0.209905530977,0.437375190305,0.973339557193,0.191777298091,0.391928656641,0.457186645847,0.863770876448,0.564567449942,0.532592836459,0.923274291272,0.163692647191,0.804868225084,0.795075196385,0.783227707725,0.515072472072,0.0395600172298,0.0551696166858,0.320228967922,0.609189660223,0.516667563354,0.904759979467,0.604606786016,0.57282801976,0.443019919249,0.240506661978,0.287758065165,0.7919284298,0.641467221563,0.624488896852,0.959700018827,0.728901303853,0.0690366342175,0.217028999118,0.700392742306,0.63233491435,0.0557194580505,0.221789233012,0.152157756818,0.0107839308209,0.525897125535,0.017730346563,0.930699961841,0.0472784560703,0.311911498652,0.36217510193,0.104389514765,0.470794296665,0.501737828345,0.229506161388,0.0511502685044,0.698422398118,0.513764658351,0.784386959416,0.0828222157921,0.400157765572,0.433058056968,0.721438684393,0.230471245101,0.411469332724,0.745524272669,0.299391875168,0.848142126009,0.883707452296,0.736707364495,0.110654716049,0.00508888723767,0.116390979698,0.683631413216,0.10763094795,0.0830231966716,0.671891099901,0.914827978594,0.88557403292,0.408611504899,0.501312015333,0.713983477346,0.132195755314,0.600143114114,0.236154734177,0.540842939991,0.691508024916,0.318561594811,0.721435574832,0.89712870873,0.0504300920045,0.111575283601,0.360512380255,0.932574684675,0.187788621387,0.403691865654,0.478878785531,0.529361172869,0.110112509408,0.780142030861,0.988225871041,0.3674722447,0.911947654053,0.576098915294,0.975222753363,0.754289500196,0.843121813045,0.00203667849489,0.825199652941,0.0762656210528,0.17829545457,0.605790357568,0.391745197357,0.557253816366,0.461977229182,0.319181048068,0.138588537873,0.449543146554,0.977695723354,0.658809930127,0.0910284683484,0.149796021447,0.907288427664,0.746744278496,0.503784949222,0.510906559605,0.258824326282,0.0242538114727,0.608949478032,0.348187702016,0.403953751694,0.0919356371851,0.548629737088,0.0916644606651,0.585241663439,0.162765518099,0.632602894032,0.155999820558,0.261014721824,0.571136074013,0.942505993362,0.664683025923,0.556704247003,0.747207881364,0.524425441752,0.865248495579,0.0350324408993,0.509509672389,0.209677375412,0.22338344507,0.313789567239,0.440307405462,0.742918597296,0.260122654396,0.10202654643,0.346288956444,0.0703870445286,0.154849218605,0.12125135562,0.690491552939,0.389267468277,0.938813148786,0.170431035555,0.443138533651,0.556393380266,0.0897005341818,0.382330904227,0.832890865609,0.788515182832,0.409372231232,0.358135799608,0.740497100207,0.784347519452,0.363308255656,0.0313441952129,0.891151198465,0.915013032616,0.784335170571,0.679183819157,0.0975565729988,0.628211101451,0.561927602329,0.0360143817817,0.717494322195,0.418206512729,0.94139899004,0.644366155781,0.717658271679,0.639364558347,0.125245981485,0.508586415492,0.174335921855,0.543606696003,0.679910241856,0.844454978733,0.572540890849,0.14785450663,0.925125340351,0.299918636085,0.949090234178,0.918828715066,0.343840145452,0.430973082605,0.0212342022984,0.949022077384,0.894622054214,0.951127559813,0.970837238932,0.901250693879,0.858929230193,0.0688953709417,0.449775942375,0.329071028989,0.165952427909,0.143070081315,0.227807065435,0.24983853135,0.876006420582,0.18487573015,0.660946471139,0.970903403452,0.454875012953,0.526536886153,0.907504475868,0.315335157519,0.193992946568,0.294466503244,0.343799971133,0.938257978391,0.209491358399,0.766649012146,0.211251479438,0.281053941982,0.121108125044,0.695691748229,0.18667733971,0.287514489859,0.604915827499,0.418231897543,0.281358438159,0.182566030799,0.791866539479,0.377405474988,0.673483488155,0.0255386366439,0.753538356864,0.412869682228,0.83331076263,0.451423164621,0.600448225116,0.533207129372,0.255276133727,0.151432268806,0.110448756409,0.620306766212,0.830313935535,0.409181100101,0.384192860588,0.403386867856,0.306203453715,0.88998262948,0.62344555267,0.36029348126,0.216282817873,0.644645176695,0.247546580793,0.945890373764,0.0837344548634,0.849739276257,0.192632074561,0.939939789074,0.754585964151,0.288045387562,0.123744927807,0.579998840856,0.669554680046,0.127247815498,0.53357701402,0.550120973607,0.711407524345,0.384482642419,0.0628007123509,0.587008030623,0.621290346528,0.130379583874,0.725769665654,0.899372105565,0.945545442016,0.196069828659,0.103127840292,0.377981314161,0.459550076255,0.843564842687,0.791111588739,0.372757574467,0.248039095775,0.894666944058,0.697373645806,0.597405933398,0.262208131806,0.431421696237,0.556054705739,0.465688182283,0.526941499098,0.917415178461,0.504406731581,0.762291602255,0.301199066988,0.410371520313,0.620151193522,0.809584923323,0.134403851027,0.966657760685,0.642780357867,0.688306143057,0.214454444272,0.369094842593,0.176855282159,0.545507102628,0.94255532618,0.916699401023,0.17490179123,0.559546181086,0.615784196594,0.19255845127,0.169193981761,0.253993587015,0.540595741202,0.872130618949,0.845525564765,0.534454599124,0.349021311825,0.343684042596,0.495711303431,0.952410610927,0.476150767558,0.866397144759,0.37840121269,0.94705722382,0.867355690125,0.947571123322,0.349666735696,0.500580655377,0.706366660977,0.0237553697331,0.449520403862,0.245154973354,0.756375208775,0.672969727622,0.950565420684,0.31435812776,0.734094411441,0.819782030179,0.32714322455,0.955667589687,0.467455879748,0.5597727013,0.14347274603,0.773646106845,0.656840637712,0.49196794134,0.554082216813,0.93538372777,0.85343896889,0.750645022734,0.537630469819,0.854501507429,0.577746575986,0.509652194176,0.169065976692,0.687177013015,0.865859546274,0.265901721372,0.28175103168,0.658868082359,0.308527613413,0.341215418231,0.345583494925,0.75409147369,0.650687914764,0.543213599186,0.713465376163,0.698322672376,0.824681896881,0.104886103273,0.678495575765,0.806466707329,0.607896908637,0.461167237938,0.434323143585,0.491881605091,0.218679273913,0.121490568771,0.656533736875,0.783990432851,0.653141877976,0.99298772756,0.34035774415,0.662628534024,0.312397102119,0.870640849094,0.93439793427,0.981399205062,0.182604990922,0.808626606447,0.611812776857,0.477814724295,0.352341705784,0.784612265087,0.287718352294,0.264573962818,0.27223813597,0.880111844831,0.166256752271,0.948158869984,0.890523706384,0.43531779857,0.888217962058,0.814726977544,0.53100917589,0.0498550872455,0.971864075655,0.199727010295,0.0117436269657,0.91936374363,0.571016579097,0.149675404572,0.79943753156,0.831856503837,0.576338079122,0.828897167321,0.61463176156,0.14565438031,0.622869804443,0.00715353313804,0.139917236234,0.968294985903,0.94863535313,0.710585222846,0.0528644571524,0.250517938003,0.543091648513,0.369497698302,0.852485745358,0.565043528354,0.137108828594,0.330092259404,0.0687356818815,0.722185262039,0.809182614916,0.461200097459,0.0666035155793,0.689576713098,0.35885126283,0.03777242548,0.362222779466,0.0750538186937,0.169744645658,0.973706079302,0.891487550053,0.752164543987,0.82200907334,0.255575801158,0.972082185882,0.0479285860628,0.342365516131,0.156361110103,0.452276489859,0.620817827474,0.544884416543,0.0303181641117,0.658731225018,0.237677046483,0.935156500544,0.842910943098,0.491063444416,0.256316616499,0.528271466823,0.50588029506,0.443381071762,0.928646059743,0.931379457341,0.367221579785,0.469777431626,0.693393476936,0.138802066279,0.474053410447,0.724791571266,0.0242763044129,0.242852392438,0.647495320726,0.515828121452,0.568373037696,0.398983605732,0.322479419698,0.584386348535,0.440846599196,0.307572631041,0.295531398709,0.771969584873,0.668718725966,0.0421814444568,0.22583013329,0.657367470495,0.0635505507041,0.983350766871,0.439253676534,0.814499892959,0.794831448371,0.371049611035,0.257931045358,0.960301254888,0.0293694234304,0.0851338015983,0.953552061329,0.291737101899,0.454052301389,0.800278422536,0.886795729578,0.426311805199,0.492360612504,0.89717353258,0.969486460691,0.975176868011,0.368295771576,0.581518709121,0.924537064331,0.50992504304,0.618261494108,0.893321383198,0.375906425074,0.763682405741,0.224683645878,0.122423092115,0.118911506223,0.281335310715,0.31958647554,0.180527452111,0.350092491898,0.353642361415,0.153378509287,0.191229937295,0.642830931056,0.0676743033061,0.487296159642,0.770838416181,0.220136393756,0.961894186054,0.459630758669,0.962420791654,0.659333871657,0.959416305144,0.141224712902,0.0424487002402,0.636227913072,0.812815286243,0.602091988769,0.509321650278,0.116188814693,0.449556132271,0.366890358129,0.0320361180197,0.567361664014,0.525877976162,0.518918786666,0.366256446796,0.658372949656,0.269580754361,0.730464142682,0.593679000029,0.337407403268,0.977363614622,0.330647654685,0.95615346892,0.218644268965,0.861989751579,0.120689632119,0.950279141756,0.566230828115,0.170195012037,0.448275749371,0.637534076899,0.131694785223,0.811929146275,0.831521121978,0.0305478656356,0.678107131545,0.544428364745,0.316878865108,0.851805210123,0.877869261313,0.606817145935,0.997670178764,0.238941245257,0.474179230615,0.938177333083,0.101142672668,0.273053099691,0.0844020904956,0.799968747415,0.821463405807,0.990007415567,0.694241780491,0.493954920858,0.669047604719,0.625415115503,0.549493699457,0.146428124712,0.61744358287,0.883727238099,0.623271933045,0.00179983278071,0.545354115474,0.679700273308,0.364984261008,0.0295897472186,0.171874203292,0.439987339259,0.306146198245 0.241801592213,0.143946012952,0.154799781817,0.167308664954,0.95366666702,0.697751017208,0.728336227366,0.00563618324177,0.347109662483,0.900203588849,0.123552571913,0.6055695095,0.155407667709,0.920230648849,0.159090216053,0.924529264768,0.546594219248,0.332649349021,0.345370984301,0.360437250557,0.118969005616,0.274427019634,0.811217489534,0.0547815789997,0.812104784995,0.091531005756,0.491582248755,0.218953533813,0.567120440052,0.883895375679,0.231078660143,0.51352977033,0.962231934092,0.138148543524,0.0304034522491,0.718564318217,0.615258167294,0.785171794814,0.127617611763,0.701739794155,0.679097409427,0.77328845254,0.399455860266,0.605252198299,0.377426906427,0.635524227199,0.925642907697,0.0387832700597,0.273886621873,0.259900549375,0.181494297569,0.213136611918,0.174063824586,0.322615494504,0.228863874211,0.868434720618,0.75141551585,0.410843559535,0.539608095692,0.401674078456,0.0548792591149,0.0560404708062,0.0590825945274,0.0567882282625,0.141463967703,0.727008695211,0.999946283078,0.529512075111,0.972110045836,0.262174695632,0.69217095373,0.219909286699,0.671610067175,0.994092117996,0.371326752922,0.473512936374,0.727191144015,0.264305313356,0.574878957902,0.285339112023,0.125183051161,0.724413566758,0.672902531667,0.7432615624,0.533808939702,0.459151757358,0.984441093024,0.273657813492,0.459801342651,0.394529130844,0.160423067794,0.0523969631957,0.0567160017481,0.799784436639,0.135877015912,0.232670757815,0.908895384374,0.858784885621,0.71326384311,0.430653501213,0.209650244948,0.600637027078,0.0493354527888,0.422806960887,0.0364792172246,0.260646599784,0.748866032459,0.961307333853,0.370227199476,0.212485728674,0.451704679318,0.576339985236,0.261339339097,0.601730800884,0.70696324431,0.199077401838,0.854196449551,0.698931831593,0.608849885521,0.342959241071,0.516535961933,0.443747802171,0.329081234937,0.482581503211,0.1561141183,0.961944668469,0.834009236011,0.869351966162,0.0395441095145,0.673928346859,0.97227512594,0.468412884146,0.42339791207,0.66112883672,0.544416018055,0.14920391302,0.713672696005,0.273341018962,0.0147150754854,0.060410729453,0.180339679655,0.259098477446,0.468956102576,0.359860075398,0.552537391891,0.117345633614,0.614682705915,0.744269119671,0.608161161561,0.046653200948,0.597519649211,0.380227152594,0.819727865236,0.713160173569,0.121502722869,0.510744693169,0.672472004256,0.0733896036006,0.879454261527,0.908178350226,0.312149828095,0.427454257787,0.214386987701,0.711872668191,0.450847811087,0.388573032184,0.276264405222,0.722325384524,0.498505029841,0.459724952456,0.214337372523,0.60971304332,0.491289520896,0.987520056903,0.355248449993,0.215740571619,0.594624482888,0.598670142259,0.444808502006,0.338488456037,0.114813056509,0.930242959493,0.85306831221,0.990565291692,0.90227951414,0.969046132536,0.634070275728,0.677886391404,0.743545532188,0.249845020256,0.0499188795565,0.664510750426,0.679195559037,0.732660165204,0.689820964889,0.069578332033,0.684667688039,0.0773040086613,0.929306924708,0.918644367598,0.610792841558,0.74319216963,0.617868257783,0.367081370945,0.847749487428,0.716350665813,0.458648273731,0.210437509526,0.17762931514,0.0373963515886,0.571804907393,0.152704814744,0.734285820711,0.439220578133,0.274219814469,0.579435180363,0.987650420568,0.408876616246,0.501077266606,0.542055585577,0.793250633002,0.145853986599,0.257989077983,0.328117224117,0.868635973721,0.381781716765,0.755902987193,0.806612822334,0.574808711536,0.949833078975,0.723547713745,0.252090395843,0.23221894563,0.891405811688,0.503013571862,0.569741111914,0.943885784665,0.892909213075,0.683925995746,0.908314937298,0.606562147875,0.510593399093,0.226244318987,0.389574554258,0.880759850012,0.207350569432,0.0203620114161,0.379066298345,0.33461071148,0.913879148894,0.730373936837,0.540298341353,0.30703100638,0.688270949509,0.0960387378282,0.855377977284,0.646865397596,0.312371611058,0.276541594617,0.434834132627,0.634293337136,0.130693727557,0.0699821075697,0.204668026577,0.713090576133,0.965745947176,0.228112831575,0.97762828077,0.798823790652,0.0345047846337,0.892212045719,0.479876544432,0.958849350212,0.489076536386,0.853639621604,0.228030155248,0.756909161201,0.663414508197,0.309813417332,0.990922043911,0.456027028873,0.673378604424,0.711150317044,0.0982439053595,0.00739675224828,0.914144453649,0.0723088478087,0.848798495268,0.425894874133,0.145904009414,0.167469849289,0.461841321804,0.726152897131,0.940383049749,0.87766476036,0.858833904759,0.0652482590936,0.762740619198,0.523630025023,0.99699567955,0.00226087388894,0.524694118484,0.241043680104,0.784920696162,0.790754585005,0.774291267497,0.63576271898,0.675664852487,0.42781860369,0.0889423064001,0.983637125507,0.654500106708,0.160928636161,0.899250056567,0.512885606538,0.0176984417062,0.0422136597047,0.718142625148,0.373091439979,0.799165036395,0.932762403943,0.944420299764,0.298253572365,0.850697288246,0.886359483082,0.163222262413,0.254723113555,0.791888492736,0.0723578656916,0.617010036404,0.735982667634,0.389461190741,0.850115809953,0.983901043512,0.733598499977,0.137571704984,0.565599008611,0.0849766489121,0.262227984046,0.546983352766,0.632104820701,0.405549303461,0.33156847029,0.555531836028,0.499745645998,0.991416944345,0.957316366488,0.829076360532,0.5522796461,0.931807986304,0.0206611687938,0.110659475322,0.194400831117,0.0828959489868,0.473792519768,0.365263943357,0.132354000357,0.724543799891,0.204238159868,0.99784062298,0.33564038982,0.987011532466,0.437043800149,0.69598538152,0.895514434814,0.685234883813,0.362030374671,0.314427604988,0.474452491855,0.286096607225,0.637331006933,0.431033824303,0.278501043874,0.398272925603,0.423710267465,0.389680267884,0.87636540648,0.767449151214,0.320014864586,0.275825623918,0.709415870176,0.951588691061,0.0742988152552,0.121557961359,0.403265910295,0.939236123697,0.657904670584,0.968532934327,0.112801079208,0.314845552686,0.629411994432,0.0885278276323,0.68406027299,0.953800848272,0.571758991284,0.0689137891491,0.947471118986,0.871666299892,0.15212604856,0.198739582949,0.689941271975,0.734913197298,0.633717252896,0.873227323083,0.722466204013,0.377371106111,0.680725484559,0.352990938043,0.215958000539,0.201073779717,0.140819985165,0.519706159237,0.438617187808,0.660413577162,0.748851976371,0.603227724227,0.550238666874,0.183771293158,0.199751336607,0.168257967197,0.0713154754731,0.833805378961,0.809787687086,0.240986017479,0.265863632988,0.995712593852,0.412966179748,0.833760934147,0.426446583809,0.123461941271,0.283287449401,0.443919497149,0.493028094685,0.461986653071,0.868160009069,0.147174270747,0.983998165423,0.428277507418,0.0633267060595,0.414058710186,0.223937031676,0.630584092574,0.135629915946,0.0725502179687,0.312327819638,0.620011488474,0.0539954166405,0.518699723546,0.149833991291,0.158175524075,0.770491844092,0.828464117478,0.114653605263,0.924350797091,0.1842659713,0.948731491358,0.433352151744,0.551998885373,0.838629096625,0.60254609448,0.795146289218,0.366345110504,0.684935671045,0.629848674719,0.715171266269,0.105117570814,0.208056913047,0.334513361058,0.146425535842,0.833745791076,0.318299861512,0.798298231293,0.134392885249,0.218011174718,0.676448047318,0.853585862273,0.845405772393,0.265676722455,0.32257851659,0.389583936303,0.386078585868,0.929791533418,0.187287375642,0.037806388865,0.049830194785,0.117470585343,0.84435983255,0.526681699475,0.144986671706,0.107329911803,0.296402160616,0.852184998405,0.431151161273,0.555855072719,0.728686743637,0.250932011097,0.604815743793,0.773780119609,0.0192516086492,0.442830836479,0.0852540612815,0.917648861453,0.909059902231,0.0134720691519,0.808427116601,0.666725140657,0.563202568083,0.019542395709,0.106158672839,0.398856000281,0.670008831061,0.423226210307,0.76887647344,0.443550395608,0.478684538745,0.499149564717,0.493265615369,0.411428671175,0.274363760059,0.377350251507,0.264554750825,0.525728351791,0.822762434308,0.946377820967,0.701837723584,0.638398506444,0.867749695362,0.929830698243,0.903873830646,0.263463710441,0.0464134786159,0.760088166113,0.627705037934,0.721001354331,0.811193014579,0.780896633856,0.00777861730344,0.421756215205,0.0955444373565,0.409362027402,0.392283564532,0.363994155797,0.812625015358,0.901491135154,0.985916228014,0.310341495338,0.225133837344,0.863067647772,0.0438590731926,0.908929188166,0.578389238617,0.874681725512,0.384776821723,0.4826336778,0.164684031482,0.0743826060433,0.387559243818,0.0831617785536,0.938317852812,0.257617283193,0.954213371667,0.0346836352152,0.939075339772,0.353022473706,0.298537432863,0.943817354029,0.588668812647,0.759853724051,0.542493389967,0.732094543342,0.267054419768,0.909004118162,0.466552250105,0.138382268372,0.0635004621453,0.847349035382,0.938689889985,0.169557421169,0.263636429879,0.706033108378,0.309801863022,0.928773461536,0.167228465243,0.29431443296,0.91922417317,0.413642091023,0.387090969685,0.958769788914,0.328247392876,0.0764070925999,0.242795627413,0.0249197072529,0.880249284002,0.0451707975553,0.450331908024,0.363762713832,0.165857897511,0.359417143091,0.802961429592,0.96850379423,0.239179563252,0.325537118194,0.602091095785,0.814257070038,0.250182945252,0.44710386767,0.637466763147,0.398838983544,0.0178454779891,0.490166039396,0.643644470461,0.880254751667,0.961253796766,0.332202893519,0.330685170997,0.559633023507,0.35020110004,0.399361586634,0.409363530135,0.170347745074,0.477626312364,0.105088260007,0.16199613442,0.398745696816,0.490204116138,0.847533568476,0.849137884728,0.356296688728,0.989734335247,0.437328245284,0.228079995674,0.462496022405,0.109169214246,0.377294948977,0.60479488348,0.960221381038,0.424225930008,0.939261939141,0.63208163786,0.653331194493,0.0231557960942,0.523472859272,0.974140307248,0.25057889357,0.810229447399,0.717451105234,0.795166583049,0.93808807033,0.895827743951,0.845960919793,0.601566234372,0.835063835422,0.0660172477006,0.572519691308,0.603598203566,0.653996581208,0.763950301961,0.535233393152,0.487041760451,0.263751928598,0.178123503548,0.675030397948,0.938270864184,0.884026371512,0.899821838947,0.612127653847,0.0024930917992,0.374266758904,0.802265521625,0.410057802475,0.535738893943,0.581753192868,0.768558107585,0.356077569953,0.942162835463,0.200211738761,0.943945809095,0.176051624217,0.0475229853694,0.0368694049833,0.275088255792,0.951100621007,0.391016854588,0.693107235018,0.971319326815,0.281018666672,0.245330371914,0.903015864453,0.24357613748,0.255184890266,0.282729558724,0.552508266751,0.0160502255988,0.723862951505,0.257580179522,0.353943028922,0.46639636037,0.94087894152,0.63364585567,0.407800619353,0.644761644798,0.631338608186,0.733905307702,0.167893851164,0.922386703105,0.310929581077,0.1250591228,0.0100628173465,0.136409871191,0.911277324767,0.130712769163,0.111261209906,0.362460520351,0.568079192217,0.152295754844,0.67308923472,0.979250405517,0.0961832464241,0.714986450885,0.897446454953,0.928780228145,0.0182349890735,0.198369197937,0.913636132607,0.534368548713,0.267168293599,0.745955944807,0.585918051508,0.0663355349013,0.841243996576,0.801072539957,0.728280516688,0.629588594764,0.0489626868187,0.976052156067,0.426989278487,0.921101578549,0.71256355812,0.454989610185,0.995306657957,0.17685439861,0.226755975224,0.982004709741,0.341584998639,0.439909499349,0.237324139178,0.0940713433584,0.339855863214,0.497860589403,0.609828423126,0.625064685824,0.557938324483,0.784257946192,0.994919923982,0.47490641083,0.306191266269,0.833634353067,0.289698931516,0.539485107044,0.94487027372,0.530955460932,0.762520553317,0.30505283001,0.108370753181,0.0360700803793,0.330549359121,0.113895529831,0.338892270452,0.592068154869,0.19155448021,0.0292798492268,0.793560880291,0.536895015062,0.85846523165,0.809161910576,0.141745938708,0.996485797293,0.46861022479,0.203919638231,0.73830889722,0.665656825096,0.609633852115,0.116789142484,0.00675631067327,0.884044952426,0.680992544778,0.80549382694,0.211392886391,0.483793706872,0.282971383099,0.873105894139,0.055655677093,0.425183640916,0.531506835274,0.984792648232,0.637406376102,0.973042872711,0.0356614398279,0.794929819173,0.992147112362,0.408939479699,0.471858945153,0.218863492093,0.628110967518,0.00893477192289,0.939821600363,0.117593161527,0.730898126907,0.919824217277,0.882924247474,0.0606818211341,0.983137923392,0.422729836483,0.308603740102,0.312429329803,0.593686735328,0.66329102635,0.191106190655,0.109814762728,0.097479178486,0.875216064631,0.807287065737,0.276352855573,0.465351912466,0.292899770957,0.928421579566,0.248488639807,0.919721605495,0.0994606917842,0.0054391723072,0.685930980294,0.255706348364,0.978534111131,0.965197265149,0.345126308424,0.730276359792,0.53581018792,0.0190739664635,0.755197142324,0.0753082132711,0.0788830583499,0.558842149285,0.104026289961,0.919176905207,0.900585686864,0.624657054842,0.931019562892,0.851782456133,0.584189122604,0.506898652572,0.618404875196,0.241152696199,0.117402444703,0.682958266458,0.75738588499,0.945229939846,0.100660645651,0.217666458974,0.625139578236,0.559321852864,0.264195263216,0.242241273966,0.225089400179,9.38862617731e-05,0.842585829286,0.710130244077,0.141896799342,0.412644382129,0.884582503891,0.450449409198,0.301874651571,0.246705283572,0.481626657584,0.0775393643748,0.278423755767,0.938435289126,0.260737475554,0.673400909758,0.983382672131,0.935773124034,0.582516822984,0.789191801013,0.0607674389698,0.421261122733,0.529041691166,0.801393831419,0.210757283345,0.269460134774,0.941140425748,0.459584189991,0.12790324541,0.305723767148,0.505060874911,0.607166738144,0.571392574235,0.986253454039,0.0873339745508,0.779142494897,0.0436622334725,0.987710100184,0.909026465887,0.313271951432,0.0306703023154,0.947683507887,0.31571219289,0.212606033617,0.0637085848301,0.260877550772,0.573375918891,0.364750797203,0.594098957833,0.162103265157,0.667415991944,0.381976129433,0.741219586257,0.537650584611,0.0152391844977,0.753168755758,0.377184026891,0.0484589566908,0.484879287313,0.449534616773,0.278240970219,0.0683600859529,0.805789681198,0.591485124842,0.205537889706,0.650916573317,0.221342786048,0.485279813611,0.732664942925,0.198406346735,0.382052548942,0.302943484388,0.391287923346,0.770359662951,0.458142681544,0.549938375163,0.483210618481,0.849798203127,0.402282742458,0.581006273358,0.226316872223,0.169996816832,0.113839844484,0.837624586403,0.203925175252,0.412910077998,0.925041359363,0.23580454256,0.766460798023,0.677371135059,0.382369167084,0.216599694259,0.807061977996,0.881133067273,0.54736302524,0.0741648383806,0.7026209863,0.0685546509451,0.111821112972,0.513394183656,0.265601000734,0.0984535480791,0.659715074626,0.74623693356,0.49682373768,0.630930543778,0.238526954961,0.955106169337,0.507158818808,0.861840343619,0.265276655024,0.672347707046,0.660437129975,0.385084023552,0.0433994119711,0.350224397421,0.423165349992,0.809444938634,0.913127862147,0.879691369475,0.256439897892,0.172337855778,0.511378568653,0.311540090825,0.854611658025,0.538309797904,0.941515579706,0.851873350642,0.528054584544,0.69513934344,0.388642773552,0.117479067543,0.484492306506,0.990386537294,0.083883432127,0.438525948962,0.974583493293,0.738336791167 0.53889745328,0.108882367574,0.751983063854,0.175491467452,0.243318298355,0.585629441614,0.0419145654505,0.295151958637,0.128282300353,0.78695835453,0.631478288895,0.323374263261,0.882023928832,0.395982359511,0.0491260226386,0.150048709782,0.401553408391,0.857251148722,0.104979960073,0.227489939174,0.52640178133,0.0166127753146,0.533081815242,0.517669660794,0.547334014678,0.865202997057,0.422920993244,0.765949196816,0.667584830134,0.00798164745633,0.133199295305,0.995533272932,0.100944736793,0.177564597108,0.537920130825,0.775453557206,0.448653737041,0.167379554838,0.664244017188,0.653370370763,0.392647773472,0.249011983978,0.179993581573,0.557685778306,0.649544854983,0.541066330028,0.92365931424,0.92851928695,0.834949222252,0.677558767002,0.417092078686,0.425517260672,0.0794752811521,0.24931780516,0.0386989358886,0.815266112316,0.920280488273,0.455512533551,0.852348476374,0.183348832628,0.0879954106589,0.952692191286,0.837038452578,0.967799685399,0.458169341239,0.196945363361,0.356452650409,0.0771257417776,0.12661937708,0.878214743278,0.176277496285,0.613324496769,0.121459705528,0.624657991565,0.0902844336744,0.405331094256,0.184761399732,0.180702740812,0.21615786475,0.42521477115,0.931881084576,0.0744200215419,0.280355496833,0.738642787502,0.806631922316,0.191266245164,0.662323633086,0.809106279793,0.673970485438,0.774900233855,0.651660581172,0.960504071933,0.995509178782,0.107541014236,0.184153910953,0.324311875666,0.339749429118,0.508816571997,0.761029216792,0.267988204958,0.648145191371,0.88819403458,0.463571666616,0.940235479612,0.629138073257,0.913566553,0.386256469992,0.685136631722,0.760897116826,0.473986268858,0.334558144695,0.582047728769,0.569311611717,0.0327020540909,0.27716491088,0.837717256836,0.811091881381,0.971778548573,0.912627571861,0.604780404655,0.150340536592,0.855723690246,0.352773479647,0.545408976229,0.954334241461,0.339524117042,0.771191507634,0.273469341873,0.617176940115,0.698601938265,0.464791814962,0.459375114121,0.388107776508,0.689924628313,0.0322702869613,0.379596409883,0.045209771032,0.480420620105,0.969080775192,0.58579104496,0.813756225326,0.156777587424,0.634987326749,0.0466682530043,0.852069646088,0.0261971971912,0.361315125158,0.935749467836,0.668684354423,0.955251402707,0.0969566360277,0.518172824476,0.133269418056,0.933567563279,0.230287836974,0.64133192297,0.31706536476,0.0498156233484,0.473487507239,0.245256915899,0.134475017443,0.70123737584,0.766302419992,0.465633502524,0.479999070854,0.865941834944,0.855023878455,0.810570839455,0.59495835041,0.332436056525,0.476554140156,0.015941708441,0.879699865441,0.166853191514,0.888655876857,0.771799207022,0.615017200058,0.832619200854,0.412562434836,0.547581254399,0.587622897984,0.0466303273504,0.204644712327,0.381224495705,0.890044651279,0.558753646718,0.994309817864,0.511951618334,0.448930232062,0.226294206143,0.598769909509,0.621263304438,0.1755974575,0.318112117747,0.314645802215,0.697316253085,0.554976494408,0.95963962186,0.580278352522,0.0618778886806,0.133094949985,0.490536585085,0.512614854958,0.993970410737,0.597126114583,0.1843509481,0.707129947061,0.473355585033,0.317475416792,0.0798632109877,0.818183615902,0.984108871474,0.652918973043,0.271969416593,0.193091850508,0.774759982728,0.70588884527,0.3515950909,0.565787724465,0.260879049425,0.77395375216,0.209001194983,0.818980315417,0.510898132079,0.843695242518,0.887199120543,0.234568413295,0.368165905913,0.34498368985,0.266517194198,0.526144457544,0.976196114451,0.412079263566,0.464963591923,0.693836251403,0.0332376831816,0.553508928264,0.04895180695,0.837788215739,0.253121534731,0.370013900849,0.0802145619446,0.647749041622,0.366437942844,0.998443624041,0.84238994524,0.241844640329,0.923327833386,0.867048805038,0.854762541963,0.0368244968777,0.0546000032718,0.943856844833,0.658778452672,0.887553700998,0.394857939232,0.225630564284,0.458121858135,0.0290377579433,0.221059924558,0.614589559856,0.911192571704,0.953775999537,0.683335160843,0.217242108615,0.925499878724,0.250288832218,0.675794152455,0.853129865932,0.322135102335,0.973626274811,0.25331230658,0.909909560901,0.867379599695,0.96044263502,0.605389490461,0.824299363068,0.0798413895081,0.994755779085,0.281627509052,0.342063770306,0.317017020201,0.315156105241,0.223546095088,0.753066581557,0.945326631228,0.697420939629,0.220438838264,0.23212874199,0.594595705861,0.763612496354,0.448172387085,0.449617466992,0.381479824194,0.405193565902,0.781104355035,0.911301839685,0.376777659759,0.33778535131,0.417328739613,0.985785357343,0.0645426291895,0.190591416959,0.255964738692,0.104393540613,0.688787858668,0.369918519786,0.929179918686,0.728324601993,0.516238224595,0.3152518355,0.507262973641,0.910028972474,0.367126933501,0.18712179107,0.232418454718,0.748746895139,0.442457853879,0.775885076686,0.397474266934,0.760412357713,0.142467016772,0.59273027656,0.879420584793,0.555943563755,0.107289336626,0.045829434057,0.426540403413,0.278553474289,0.713316030504,0.0659749189929,0.838204651143,0.0457215232535,0.0427214039731,0.60817616967,0.492658627279,0.220389252273,0.383144819849,0.695670178146,0.193083998398,0.505167163466,0.841482422247,0.771828780664,0.66965110715,0.835322126465,0.308258765331,0.782050474258,0.73402506662,0.18339483912,0.787755376041,0.786760076305,0.35017656969,0.86447374397,0.356255845039,0.574053986121,0.106907480694,0.59125234171,0.711609559743,0.226465713548,0.0001821541787,0.581467180818,0.0945366000782,0.922196879595,0.865271414199,0.404941661075,0.721298057066,0.891633412424,0.822101942628,0.907094589559,0.417443079862,0.181497663202,0.945602477184,0.0697246387645,0.756587333646,0.712020810256,0.463662786669,0.143958612072,0.504596872802,0.560659269933,0.679666518445,0.464271020088,0.744940704402,0.63787135387,0.400335622111,0.862065057655,0.0129716086362,0.251140952313,0.15082745581,0.803147343466,0.973202710793,0.355280694025,0.729734550417,0.17568987582,0.469055670058,0.779736275448,0.721653977389,0.52212683275,0.611632855446,0.136325564052,0.966041703295,0.612816371321,0.516822844729,0.0482647036982,0.756384791514,0.946310014059,0.717202518811,0.31853495649,0.797503106672,0.818434288199,0.0728167883891,0.21777926403,0.674798105962,0.0500671066394,0.669451275686,0.557180257361,0.751307511676,0.816207599379,0.573147571617,0.561688897457,0.669718987619,0.661408506441,0.528649066054,0.0596198766113,0.286392332858,0.30115368816,0.580533091344,0.0157171915588,0.284561492578,0.354397724687,0.952756064674,0.399504369355,0.390599416829,0.0276884178904,0.743389858657,0.179132593169,0.361745019179,0.872044956486,0.387699973871,0.0360563952151,0.66346078916,0.208898418088,0.377798363241,0.39929507425,0.21455956671,0.384090399613,0.628920329561,0.466903911149,0.735361155733,0.0156151895145,0.997862883516,0.883702553097,0.102009092766,0.775833331392,0.651112368516,0.800956683873,0.223785663291,0.507098032496,0.973457014169,0.692565971859,0.751142477064,0.878543407742,0.619246631403,0.712901822577,0.234118652822,0.161800345554,0.398100399077,0.944572609163,0.0969292912745,0.299367723565,0.306478781513,0.546789756429,0.768923804202,0.362155821126,0.181272565528,0.568494267471,0.205392847721,0.57918446624,0.860724669955,0.665859273363,0.77186826146,0.792214504436,0.430927160101,0.71908824927,0.848002414862,0.286824154326,0.630636129102,0.0139201856954,0.636154127667,0.0805847811243,0.771968745013,0.699171709845,0.250704843444,0.295684293779,0.0555435323531,0.133479968395,0.138345143931,0.169476422538,0.978987831867,0.185709196281,0.841560133386,0.360181356862,0.858361247688,0.461679242049,0.24379778416,0.417643758756,0.421743766411,0.994762355352,0.214108057042,0.325456486208,0.996043409838,0.0727605359126,0.986063604798,0.141378167564,0.817335832883,0.703059207924,0.789695967269,0.293741714976,0.224508977886,0.115705481091,0.356656948762,0.531332007461,0.104218116799,0.414234347183,0.837823594431,0.90576809817,0.494986389569,0.0606252075996,0.616289675156,0.240127190442,0.32532333571,0.555578609457,0.65737236722,0.193131553933,0.190568599851,0.0908410644865,0.547636766256,0.775888874309,0.804431918073,0.0209394974516,0.0956034300252,0.923576127641,0.798504787347,0.142076280956,0.0954661690736,0.991299475515,0.44464322106,0.694783754128,0.517751296868,0.654696810024,0.786339895372,0.734254513089,0.914965299724,0.0711075756372,0.223659938333,0.0661652796943,0.912939519746,0.250618474345,0.617204874598,0.923438643357,0.721887180037,0.333332572674,0.0155508694707,0.127565140488,0.649433233615,0.445886038337,0.217396428133,0.143955999763,0.664627419774,0.00552575875607,0.563568310964,0.251405918912,0.222256217331,0.383918658471,0.233625328386,0.686937612792,0.894388559275,0.239810437746,0.241735326779,0.0745487357951,0.55360351769,0.736128729412,0.947469558554,0.171472589741,0.366503044379,0.861761101026,0.545130620568,0.658844575461,0.00656810439746,0.445095716625,0.0874165737939,0.649578992096,0.608444197852,0.91020488934,0.0550569472931,0.368913912841,0.974872202005,0.244602264961,0.225637627414,0.385255201704,0.0451627617338,0.587990763245,0.34589497038,0.152382549382,0.448989906917,0.279484997572,0.17080209285,0.340413034912,0.0203231423621,0.96203413618,0.576964983007,0.263619249586,0.199467857836,0.576425679005,0.73362280239,0.133209342949,0.246478976277,0.264961879365,0.645543862421,0.68359177077,0.398527881603,0.233693824421,0.167817184099,0.789604449714,0.0651358934487,0.0665315301422,0.538462622266,0.29503832382,0.626210045335,0.230233899028,0.846021447387,0.206125097898,0.865903109573,0.416571801804,0.756795272334,0.747654827313,0.698581460733,0.172070650795,0.0173263649153,0.0987908525715,0.815224894698,0.53568380885,0.228192631138,0.929650032442,0.56637104445,0.117397544976,0.056877026841,0.726521513549,0.811402457001,0.738000966055,0.579103795822,0.269551110745,0.307808654823,0.272859755901,0.586717762657,0.780234216614,0.0637079255961,0.693204915996,0.926514050112,0.345932185382,0.55701078645,0.331712787558,0.560251274206,0.898901521137,0.270271550658,0.853689929183,0.573044676845,0.652864446193,0.597644899709,0.656307640653,0.930437480686,0.525667002235,0.880143939219,0.912298717828,0.683244668249,0.161871101677,0.105020016177,0.77079734593,0.0949269249266,0.492504885242,0.0044720020157,0.475164547955,0.753384286025,0.7905176958,0.508595868091,0.547558029876,0.900453356503,0.679327339661,0.043650401853,0.765825915248,0.307110906968,0.503412662861,0.367594186509,0.577936739301,0.596846528258,0.350958063174,0.60080477942,0.475887606018,0.33011244977,0.847516691326,0.940237146828,0.531649264255,0.369758170539,0.919383782088,0.534813041648,0.241693321144,0.0773078655078,0.953712600128,0.784867382197,0.859889780603,0.455537638105,0.57815176201,0.236623348467,0.645918505312,0.926244822963,0.972608003623,0.794653768037,0.633774663599,0.464019472494,0.98579819452,0.95382175037,0.5983972569,0.820944356782,0.356879926308,0.154966884057,0.763012051763,0.800200950087,0.609268063726,0.895853734979,0.204520092052,0.829262927512,0.168416364095,0.871124318003,0.980549712004,0.731004038213,0.133854114822,0.514067434346,0.524440724296,0.634838213445,0.895368378145,0.173410913168,0.480286286937,0.457701367001,0.648223820542,0.890517939694,0.145177162981,0.387879086343,0.700597168257,0.680123892742,0.603178854117,0.752233088011,0.497755537866,0.84714382009,0.80086021068,0.677561772737,0.210532002919,0.870807922435,0.564245444941,0.051261148426,0.846582148193,0.400644619476,0.751897280565,0.669434436262,0.181996277049,0.147464996462,0.597029055019,0.777051863896,0.240531544254,0.825976105265,0.534702262897,0.316334661983,0.649220623462,0.159089840411,0.976410091587,0.783932534921,0.357720687591,0.823352913863,0.866554833008,0.331355844455,0.533765979611,0.595229964058,0.051931899645,0.050654124197,0.383152754253,0.902817732134,0.528429413872,0.975168761461,0.159967263406,0.121560259748,0.74910019247,0.716455360338,0.321508079547,0.957621204944,0.278426942284,0.613634293733,0.0937539697777,0.326646806878,0.0392963271411,0.342965103597,0.730557708227,0.203717989737,0.560262667433,0.486506763194,0.492269116934,0.339289506543,0.815739437294,0.352353024606,0.165721639539,0.71706948054,0.873524476412,0.18587854661,0.860790699787,0.398339250716,0.941912211919,0.035371405612,0.214960700914,0.501030464577,0.0945481498543,0.871572943874,0.391621629566,0.462741273703,0.466232474801,0.582234714008,0.580180425054,0.38114115011,0.958597617625,0.405000990691,0.301551309805,0.94547701226,0.124804685903,0.598760939479,0.807003578639,0.279843649666,0.118527749004,0.0961120224272,0.444490041732,0.118347257019,0.783313930156,0.228272810883,0.110530794601,0.50342537155,0.803739884141,0.793699296918,0.941011472651,0.0420795201439,0.338679352683,0.73957382925,0.195979971536,0.405274705491,0.924013653965,0.910991528238,0.130090983184,0.499329641077,0.110784302936,0.558827837362,0.0261395843385,0.349148956439,0.993792260876,0.614000472023,0.836347339262,0.21726261735,0.912209490802,0.393003905703,0.971425676083,0.229607265226,0.51877772934,0.0483304093192,0.284317034828,0.726433943151,0.675367119214,0.779222533469,0.0787096167712,0.52966754366,0.649744847115,0.880054861824,0.488265701069,0.877103748261,0.894806430079,0.388960155064,0.927005409813,0.206089521178,0.735762077698,0.24816562328,0.301866997777,0.748692227489,0.97518133204,0.610635150911,0.361975053775,0.569237531972,0.469592114069,0.134085360844,0.692085889426,0.975776913418,0.876904642394,0.170010975085,0.867185573797,0.436982626068,0.865478647837,0.866008330871,0.62539556421,0.168064756436,0.45930433104,0.466162969953,0.388652335181,0.0285997534918,0.364802721758,0.52015911264,0.86199438283,0.538203021683,0.671847530959,0.487364267021,0.432121824146,0.964598468026,0.563585275338,0.112412711745,0.879960206016,0.736853588758,0.763512129856,0.869535269584,0.662087646391,0.986198134812,0.132052486348,0.510960471479,0.0695252666032,0.875903077856,0.949916305467,0.0348594173541,0.781136035778,0.0530878495719,0.914822713146,0.307578535247,0.327161509276,0.227773654112,0.0146814195294,0.196447431926,0.650640776818,0.876496746385,0.208862782943,0.711670171005,0.799805630705,0.840572722917,0.623600779663,0.364138820082,0.963986527423,0.794534354082,0.782252896964,0.167262151056,0.824963895721,0.275050052409,0.923338394074,0.866116142917,0.230671162871,0.117868536867,0.557675869525,0.973583583874,0.313306929431,0.832993866019,0.2821013229,0.272191150147,0.206757637786,0.529916527946,0.574411740199,0.78295038885,0.418245824885,0.0609194510746,0.223552632511,0.902731845739,0.677732244811,0.71457338516,0.270190134511,0.156815975534,0.161916701017,0.0557316251062,0.647974165479,0.567868520442,0.0689884989953,0.776667236292,0.88318090438,0.543588417404,0.35296751193,0.980677041411,0.571180536869,0.79125911335,0.083935076273,0.146824883889,0.444912902431,0.330943243569,0.747624447682,0.0536715704382,0.0564235429953,0.585761998929,0.584974360758,0.0996913839931,0.592684514601,0.0232968313951,0.0688603139504,0.508062579805,0.943668721092,0.987167322605,0.38909097532,0.203009601452 0.0824730525532,0.866286049159,0.822870725505,0.594318949136,0.804859469219,0.460051005403,0.977781080362,0.414921596897,0.528985721543,0.48250759005,0.867174066357,0.132234406795,0.0128114380833,0.44410548313,0.206629891486,0.0697215819332,0.648177026646,0.889231112238,0.142594495149,0.123984304605,0.221698270139,0.317790850986,0.0768840310404,0.690630564895,0.533845029848,0.3502007714,0.452491034047,0.0602184693121,0.503682390934,0.0462212459254,0.942078638297,0.715975428736,0.438491237755,0.270655465135,0.869983597122,0.775566206183,0.798330818227,0.926387553858,0.637047694811,0.26357147207,0.49622318403,0.624917881022,0.51074984356,0.191395675484,0.192231063263,0.224104687312,0.486009765371,0.625879994872,0.217745524981,0.73102278889,0.884021322874,0.353153573273,0.249343931027,0.756583721531,0.104041580576,0.153473079017,0.371197372076,0.237188214858,0.909432224143,0.196114314448,0.696733990785,0.495284762326,0.965275764024,0.23741691022,0.494454184394,0.819892972417,0.36767996184,0.768675337491,0.938469181157,0.710154842227,0.427865225185,0.566859387174,0.11277461408,0.319135176125,0.861300712977,0.145404857298,0.255562498428,0.74070226466,0.183940455882,0.533538295495,0.00444978080503,0.650747564051,0.759817658207,0.123652870741,0.276836577483,0.483291706521,0.779220232525,0.446147040481,0.654365664504,0.70929023475,0.452708740563,0.494137638263,0.573617668249,0.319049629712,0.790452440567,0.476498212492,0.332332273368,0.298758707373,0.714911420685,0.171227874053,0.238682170605,0.397529004882,0.762825800039,0.00504684181841,0.0522124349326,0.832233885773,0.897144215648,0.193663300754,0.261536806484,0.245275838478,0.388857935625,0.0291060039299,0.984957061166,0.481585588832,0.485110946283,0.235865353693,0.650190896882,0.431160147515,0.835426266683,0.993836097329,0.0848044545249,0.322180564583,0.901607232831,0.244912374652,0.448600959621,0.00145759262827,0.800265995245,0.758044776891,0.740519860942,0.231435931543,0.560453946959,0.215912750651,0.168840918922,0.785017101895,0.878789602566,0.14685484763,0.473517258841,0.949012141483,0.198587795764,0.738334414421,0.843268119487,0.803365645691,0.988325406304,0.07573813725,0.247255346184,0.851758875676,0.775687774256,0.97892156907,0.0240484650094,0.304181126647,0.549438897023,0.496462836004,0.341061438699,0.278477447406,0.358118249166,0.916782705288,0.218827299867,0.917517592069,0.42347262897,0.235184565077,0.0883157892956,0.103035720527,0.135437680908,0.319567386429,0.865550818716,0.203465219499,0.695984075757,0.232784171278,0.954657312172,0.476921988119,0.314851972241,0.664330623504,0.273279006201,0.241888235818,0.894074955085,0.988805698856,0.770778512986,0.145155562464,0.506160332644,0.27657991457,0.626903130064,0.348060591138,0.800515167559,0.265252481488,0.0260359377863,0.140215492653,0.466532933849,0.72430822024,0.217367042687,0.254230828967,0.632661701766,0.828469439307,0.674476892178,0.361795926017,0.225350080535,0.0148685863097,0.610179759898,0.54372508786,0.462920152418,0.369066397486,0.139665756489,0.175707062591,0.670517736213,0.538678414024,0.10638996866,0.0843797353178,0.279232794145,0.699358470288,0.172272053044,0.909280667081,0.840158797443,0.435982996052,0.562031631014,0.951705248522,0.0222275575238,0.508621287074,0.0217179374231,0.6932030495,0.555089094922,0.889735490742,0.32440527493,0.40662513342,0.931508068895,0.882644467094,0.0517756143325,0.727525821546,0.92444308088,0.662551032837,0.763452325664,0.65522697514,0.36614347257,0.0744935208165,0.882445070091,0.815132386613,0.217868959679,0.143959989191,0.582852534322,0.273017363631,0.930259748696,0.228282751344,0.258929228188,0.293334425811,0.799095796087,0.0718329157051,0.957919171362,0.25850132402,0.4853481221,0.178883026459,0.0319451922711,0.186579187102,0.218376721897,0.0384109342153,0.762093686214,0.897955121253,0.883692411408,0.321140869473,0.378284498565,0.110328638587,0.730061354655,0.668711530394,0.594366683983,0.423950425812,0.206042620625,0.0815648319505,0.606533248398,0.952616603563,0.0340725030765,0.53178612325,0.831646336664,0.115921412458,0.435993676012,0.295334875991,0.406725141249,0.0968258659227,0.711460335862,0.0659593006102,0.470164876714,0.497093922066,0.0352919244073,0.992268947063,0.971720570677,0.230270270248,0.438660863743,0.355898476294,0.403296590558,0.686807252513,0.0221361683152,0.763631872119,0.680622239447,0.827457873203,0.943807258888,0.0134261504215,0.436071904365,0.844162867937,0.559743947741,0.525522999845,0.132059662222,0.932157989683,0.663743972228,0.188602011541,0.910589635699,0.223180378269,0.940491704268,0.222837901948,0.0291221591401,0.94288169445,0.796354740563,0.626439417149,0.259735102676,0.385173249274,0.835334048461,0.584530283122,0.291634185965,0.418390843085,0.0706961067026,0.697895625419,0.43096156464,0.299349321288,0.130755340337,0.917594364529,0.654730693103,0.117404666788,0.948323179239,0.175628094562,0.559631267127,0.608512898055,0.317799885197,0.366289239509,0.186239005181,0.038058086384,0.943765482343,0.943131706207,0.54299390638,0.822783857931,0.258419572417,0.864606865039,0.745216170797,0.686946493558,0.851210562606,0.521805306331,0.980816029512,0.647942979932,0.257396234953,0.450584511707,0.480698385053,0.719240094779,0.109643701858,0.361342643179,0.632096909195,0.23781445021,0.449768345768,0.875722573873,0.224392606857,0.454582588543,0.688778840203,0.122248432506,0.740408385996,0.514368598004,0.156005305535,0.315016881567,0.114993830471,0.247834294477,0.943173209677,0.365643243357,0.134912939012,0.94007908928,0.404108626959,0.876719699596,0.698278019026,0.324510508664,0.635496241503,0.65971935567,0.266993081243,0.60696274411,0.183170400998,0.956574051978,0.393092216855,0.0740004913642,0.639861792006,0.805238887889,0.577566026176,0.939770954845,0.595358474654,0.187322495412,0.812456160729,0.258231153419,0.742815292535,0.597756066825,0.408718484669,0.477587800566,0.0375575810304,0.0233513850256,0.993618844183,0.0727793424889,0.316433125185,0.806105680783,0.783643795876,0.27003655404,0.0302082329894,0.396204761272,0.428241100852,0.375147911716,0.496977695273,0.316894373117,0.808526147223,0.0508561593727,0.472709128533,0.902469507942,0.935064262498,0.719741212283,0.923097236556,0.721195230367,0.563445744093,0.551232503231,0.530009085896,0.401497862857,0.975549661147,0.0321739758263,0.519582516378,0.519427631279,0.0700960535958,0.842014924242,0.736544529826,0.100151139496,0.678719192711,0.238075802109,0.403050371954,0.659830674039,0.175445748463,0.80858334672,0.09830726291,0.280076521411,0.271443247825,0.990008394347,0.654323676234,0.445034832247,0.0829452049851,0.244958905202,0.803123783606,0.413914124847,0.157724822569,0.998344067788,0.261580609572,0.821970016784,0.588088445371,0.018961807046,0.849239497159,0.0841543320322,0.043386334364,0.0679195829044,0.637542212111,0.454930216791,0.0140997751272,0.960394463505,0.821457957689,0.0540402229273,0.439551847149,0.253748613734,0.185058936157,0.776906254716,0.284639789629,0.814167893121,0.554490229423,0.15481334404,0.176183217858,0.148654618283,0.155744536639,0.772659305051,0.532018025245,0.562554029499,0.502648513981,0.548804427225,0.282648713924,0.0477467925454,0.16457232163,0.922391335037,0.736293840823,0.071911621858,0.420786652478,0.972552128104,0.767682154328,0.809837723955,0.531062570088,0.267446870903,0.890378574245,0.00839929943527,0.873095259332,0.127555519401,0.567073690415,0.372282351844,0.0459436880329,0.695155434136,0.40451467041,0.423865019909,0.912146440866,0.53490157931,0.214083057336,0.0371049879073,0.522808190173,0.511604404321,0.784150716499,0.941010881681,0.115797751118,0.639839629543,0.730815544486,0.237654956299,0.135609182849,0.70718130513,0.681166035895,0.106239719667,0.813230001726,0.399977676748,0.0819731772163,0.923175956791,0.724856751937,0.830070543394,0.325833339702,0.0142199840484,0.300241835019,0.724808665977,0.26826349313,0.149686785095,0.833527297399,0.262152668804,0.641635033422,0.418197265844,0.0486317317892,0.00830416313095,0.602272606711,0.66743685035,0.279178299751,0.734331219136,0.454570371851,0.707850011944,0.71036894281,0.537789487251,0.741650566951,0.412510817733,0.29012907273,0.66545336382,0.0102280572526,0.425902287908,0.751130524119,0.684526516592,0.466177373108,0.767490168634,0.664014094423,0.0245919356099,0.282901472436,0.610958019034,0.543706475162,0.734791107963,0.16075241433,0.313427912237,0.748123095901,0.473508308106,0.534213661921,0.493166683867,0.283447067287,0.45912773128,0.779355952884,0.851163688515,0.331183443137,0.674388227153,0.602777228096,0.764853825233,0.217537938348,0.808905173424,0.668498951471,0.990236976544,0.980653521045,0.336087392358,0.775263616308,0.669473523689,0.0978170973509,0.67281939631,0.700983090435,0.20658497319,0.408971361429,0.236515584308,0.0265823028449,0.286331701413,0.952571767903,0.805226484673,0.770695365257,0.709298944444,0.258473903267,0.0508118438109,0.640357769934,0.0266890550642,0.193198624607,0.685896694486,0.880392571955,0.916098809339,0.562842093489,0.278460710063,0.383053343653,0.929702880416,0.626676707691,0.918053985325,0.782510303365,0.273399831909,0.680152635214,0.701370973484,0.944453984878,0.481703039377,0.56817625636,0.554072039314,0.161549222549,0.992846822054,0.568067708283,0.302315668861,0.627581567169,0.994503785721,0.993776860085,0.33192978298,0.726803960118,0.472210437706,0.559761745438,0.117426858363,0.83639024377,0.547685444956,0.856369674073,0.190001795542,0.543725660435,0.470406455889,0.96436410167,0.929230119184,0.694277030568,0.565291799624,0.436857862202,0.408584685826,0.397480412597,0.156916210524,0.51603141193,0.62723908932,0.628923159244,0.471249601452,0.11440989355,0.489726096692,0.861894786825,0.364327188997,0.245930119989,0.912694494393,0.642804717538,0.290966667517,0.310544104882,0.571140262879,0.111299019502,0.307095107094,0.169938121204,0.717042077552,0.317491122582,0.211709158176,0.183843491032,0.784992259456,0.400017656099,0.59032228866,0.0324007412759,0.853675107676,0.735443873534,0.740378761537,0.518762621527,0.193568837085,0.0834970792157,0.464062533077,0.843738174381,0.610158840573,0.487529052407,0.838128544478,0.811150580437,0.177304363044,0.678162739863,0.0541224130571,0.745556330371,0.0577854240101,0.508358790679,0.635013519073,0.749411278221,0.00870380680706,0.853023215008,0.318757198346,0.898330864684,0.413123229836,0.620558195673,0.944052489211,0.074606021809,0.268955466437,0.491665978613,0.740632853736,0.207187495979,0.974727653302,0.486066604547,0.901944728635,0.40704117604,0.83311326022,0.506484049362,0.0384893435774,0.632633098024,0.835604201452,0.946143379032,0.971964316138,0.261562632716,0.515696134177,0.805866237081,0.567471120883,0.064124402413,0.91392492702,0.105170663349,0.92057897083,0.947385978343,0.297413644233,0.0237909621536,0.0261225501779,0.252305342571,0.334628547755,0.951127861642,0.790203819015,0.920827521414,0.705802971735,0.0567763925247,0.782221609196,0.833987971797,0.790749310173,0.242209730995,0.820132894631,0.989359318118,0.182991280479,0.216917983205,0.146179128018,0.351287899479,0.715956482205,0.682717340857,0.494912438158,0.891713283178,0.180585225657,0.0657627749368,0.159278547044,0.234563009494,0.9385523345,0.354103776494,0.431927755566,0.839429311348,0.714890596492,0.90305094432,0.306171984628,0.316620429479,0.306245221236,0.38452884411,0.78048100892,0.839154446014,0.871208453655,0.238100131461,0.854414950448,0.700142671282,0.821435097998,0.152979462434,0.677159817688,0.376457525656,0.775593139464,0.136864159173,0.0186341633717,0.319525196966,0.15144265196,0.213466864442,0.0946163202083,0.315062526633,0.116054730535,0.294160605537,0.309337507397,0.449953553734,0.0572659342644,0.67933415196,0.992940416652,0.403799255405,0.282254104179,0.513030734184,0.230309864234,0.0504903300737,0.582243745157,0.425641558491,0.693993362433,0.625320015707,0.903099888005,0.766433670875,0.534989637263,0.551247370074,0.424675170993,0.977041047497,0.022337705198,0.450706080081,0.845555389712,0.951992352995,0.445602587373,0.483019580068,0.802316565332,0.0462087987696,0.613266404385,0.817282400329,0.352584804767,0.59707620774,0.66528105016,0.642105393895,0.931581261929,0.90354498969,0.876205605043,0.90791727623,0.859850591692,0.961665639895,0.538461453209,0.525395307328,0.0952864310411,0.896938836805,0.0425078593367,0.841179237623,0.0449706892678,0.116878315107,0.289944134217,0.43303709523,0.986282926261,0.0258277220362,0.757337229422,0.191004662621,0.552809685798,0.609337667713,0.022343925238,0.2503372863,0.442432075874,0.596405993328,0.819962194703,0.701520294988,0.597738630034,0.0493519443596,0.0529243640366,0.228083239213,0.703794680625,0.653977107382,0.960598088012,0.531352565811,0.410592024255,0.98994336832,0.492764864989,0.230891156169,0.578061110878,0.341914589105,0.759826786134,0.494595185265,0.890932981912,0.935787770036,0.816326933628,0.252273918134,0.728956932584,0.582631575993,0.172349089941,0.733422501957,0.761876984834,0.118815750472,0.668961186363,0.970787747787,0.0836053940364,0.257716311901,0.146025201179,0.426557555665,0.30203142346,0.644779545309,0.809694410762,0.429544244763,0.603953598844,0.784849261784,0.366878291909,0.367568882163,0.774526789845,0.498553784921,0.23633395806,0.115739385882,0.907547870157,0.458973280122,0.201734979115,0.564866401712,0.353139289167,0.781440520829,0.501235253106,0.626917036986,0.000644932916438,0.93149284928,0.268564248639,0.379376118465,0.980596960363,0.540899108387,0.383478838855,0.1421303789,0.528435195198,0.405391979571,0.277989550196,0.376685719337,0.398584941636,0.152984733293,0.849557413172,0.421052981625,0.81015723071,0.407270356758,0.924575051409,0.535978607033,0.66378975673,0.182891435221,0.566283024861,0.885175610675,0.849310017266,0.437510447761,0.141514291408,0.906857712308,0.835710694313,0.898508927075,0.138259491986,0.6211487179,0.847796555043,0.130416234895,0.413527804315,0.217550163406,0.660038006994,0.491391223749,0.726233373624,0.262551076841,0.300393083182,0.586259421531,0.143288596711,0.587871650654,0.851227023416,0.367744023737,0.0973498656585,0.0372826977118,0.938782373099,0.834453500464,0.715058122815,0.0404004201938,0.777205606806,0.696307262847,0.102962767128,0.631461446851,0.247537952934,0.957177961173,0.580615870353,0.828090958897,0.0555976779873,0.751457367797,0.165236308328,0.131675911436,0.76991465607,0.453857363554,0.359227566809,0.406432452918,0.110797130346,0.913131658045,0.428180685443,0.843943316097,0.407680689301,0.441410275503,0.0141175445116,0.432448272915,0.462482278914,0.147368654841,0.0807164092139,0.322289900649,0.206668539467,0.0822114430216,0.132682572395,0.116451105665,0.979349825547,0.766051707862,0.788957818683,0.300610961089,0.332774693563,0.30075133577,0.211349605417,0.603892959466,0.528452432037,0.332859205569,0.182045088467,0.906195585223,0.735387674292,0.153945384496,0.00850341228927,0.649638137541,0.000498054961028,0.504216617294,0.169268613127,0.396703234385,0.142824298061,0.0582073799036,0.218136326937,0.598182452455,0.641009802547,0.430633639485,0.663732942685,0.419647384553,0.240859340722,0.946352730011,0.590542014252,0.958645204308,0.316959487449 -0.726685296637,0.0713554379162,0.169760523963,0.802018312208,0.317894605018,0.252199710569,0.880167620305,0.609893602065,0.088765425114,0.666833810188,0.513557668024,0.711247227978,0.0980206536564,0.219204568715,0.391417379448,0.557784729553,0.876854699743,0.135053105295,0.635778697323,0.462265893967,0.755029867648,0.147654913652,0.861506917066,0.947742515967,0.580888490489,0.0607425579761,0.625690521211,0.2559369112,0.345282493703,0.517144099568,0.621527047863,0.216049944049,0.17104691925,0.939931921976,0.571057674645,0.462559048097,0.383244043327,0.98997053111,0.982301996668,0.743216040991,0.926497714904,0.341600577286,0.417068915205,0.00611403554714,0.956450435925,0.789288289567,0.952129339073,0.253399258349,0.951915940504,0.269069050869,0.624411646504,0.18185029735,0.691302315813,0.354342012154,0.533874273667,0.86211720594,0.00609712477942,0.564217879102,0.0351451904199,0.984671302742,0.200156862206,0.105422431134,0.542954309771,0.112928167111,0.266517529811,0.292991803467,0.803009096634,0.631193134757,0.280693898411,0.481595930957,0.593271257266,0.393904807271,0.611548944569,0.706896801536,0.991650594461,0.635009470139,0.487314449185,0.101916674282,0.583062200797,0.481791906374,0.623698856745,0.522337503548,0.482949751244,0.359896046004,0.151539926296,0.040029016383,0.230510304277,0.107868995173,0.365828012645,0.691567130456,0.971517694541,0.0353294974322,0.212787512087,0.602648716129,0.566015443326,0.059222432788,0.901612642834,0.232170822175,0.249995102946,0.314276586772,0.742905740816,0.708770200564,0.0781853490537,0.607706792154,0.102645405493,0.0229725260098,0.900026435713,0.815745066464,0.707747762663,0.451059381565,0.34724777392,0.687468383877,0.264722980774,0.572857291612,0.988582199594,0.148777152371,0.640423777087,0.861486582828,0.521966492258,0.976434922792,0.741736907974,0.487615938529,0.379934231507,0.837360121407,0.681385511614,0.806834806835,0.782186591721,0.335400325881,0.797197700782,0.658699899308,0.882503452857,0.876210112574,0.621870296746,0.53842227435,0.142094092062,0.8442171861,0.824014785398,0.445497824319,0.791133283551,0.0292153192656,0.59328250492,0.213031592668,0.161799754031,0.0848735202769,0.630741022869,0.332123196838,0.120869667214,0.00644002895786,0.76539512367,0.837192880066,0.0070068685732,0.681759455019,0.221502122171,0.103440507677,0.333693210462,0.247171097014,0.607359706666,0.183135646549,0.66311793778,0.178759022133,0.229864897373,0.960350570955,0.192117911983,0.437444389154,0.951516120407,0.164949000462,0.325162096401,0.137039193174,0.586189093712,0.843896688834,0.0170497409152,0.140019085248,0.0804014959167,0.456152188055,0.112671086125,0.413526146118,0.974327095406,0.183676486342,0.766346272711,0.77324161362,0.513894774081,0.926497136752,0.197937079605,0.383845232547,0.90318089677,0.368948003183,0.724660046105,0.105400283796,0.184898088604,0.757423022315,0.933730541014,0.337213881801,0.396142911956,0.300695125918,0.984153892815,0.399789632085,0.290980913596,0.328187003016,0.86949034795,0.649496285646,0.0358342186957,0.267979101951,0.851482484497,0.923576296738,0.208336057313,0.105058946541,0.0412774399453,0.887026200935,0.247840243131,0.573798746239,0.4062387209,0.312359021453,0.999621420788,0.405290579356,0.0299223322363,0.768707633825,0.932017378915,0.464716366627,0.395020685772,0.993047709441,0.0692341867086,0.703871290959,0.323550961496,0.228098931413,0.974934657156,0.447514032866,0.216334826141,0.255142972059,0.87870500995,0.6341095335,0.596868043235,0.962698601785,0.738084330862,0.432675130013,0.299717719586,0.687548562918,0.0234913658889,0.681552006271,0.636871862267,0.616533334819,0.141713354396,0.756828349585,0.227201492486,0.718772105087,0.971416246261,0.606857709635,0.0131344263475,0.639168856596,0.705502053576,0.469341709372,0.254311812487,0.229248629945,0.114143265881,0.879175051359,0.0428493908495,0.328421379158,0.0232249786641,0.0397174493485,0.142145642842,0.335804870763,0.857044102596,0.392903326542,0.684398955068,0.435105298918,0.17161712022,0.9677840686,0.00377171962571,0.655669729815,0.118464528547,0.744820518986,0.447851074322,0.853311447295,0.810645096556,0.317340908199,0.761834190048,0.770642863745,0.846503347231,0.861397011689,0.63796594362,0.881625312223,0.232176851271,0.871312104593,0.482999936999,0.622982867408,0.56502337209,0.930460222344,0.557395475072,0.890132763459,0.485686670973,0.99824256978,0.355206211064,0.827023196794,0.236992795487,0.398460143058,0.407370721157,0.82043848938,0.099425290996,0.918021615806,0.899235941018,0.052048113732,0.893760233962,0.364033677548,0.631631030376,0.369005811014,0.946292635773,0.0908783646063,0.617049934677,0.948676778946,0.827919443238,0.376650092486,0.491046231776,0.599178862721,0.61018722171,0.429779800349,0.247486925855,0.584652745155,0.180621379156,0.402472312811,0.280182360124,0.923993119732,0.419960822485,0.34169057371,0.346158680785,0.679625840491,0.895384238656,0.583178075355,0.445620071436,0.694253902919,0.20647203512,0.94419366324,0.376153979102,0.539941644296,0.587542202991,0.705528367892,0.502090503258,0.865636404378,0.119714361018,0.935585695735,0.279940839986,0.605977878387,0.407315715756,0.374804780234,0.663070093874,0.518242967023,0.830194108417,0.0567449198891,0.364985011693,0.814604764652,0.447531468404,0.95082010448,0.897708365503,0.787764583598,0.146817689687,0.506124552166,0.627673592749,0.658217607648,0.585853145094,0.993595688999,0.713520489811,0.825356089096,0.277831972047,0.331378531602,0.788732930241,0.222152225605,0.310774469737,0.0721684578763,0.633756896264,0.149083434676,0.0771520798685,0.334296446055,0.921290046592,0.854068263416,0.635730993925,0.702489307851,0.88328758076,0.862414128815,0.21312201988,0.637433487672,0.0511602798105,0.664084968654,0.0699763305626,0.992099940659,0.868688884074,0.159305610607,0.230890561041,0.148260139433,0.406532549472,0.904806729607,0.582352111659,0.0978289297102,0.497488118665,0.207168607772,0.238800881439,0.861512067385,0.757952926177,0.139068073404,0.237203843473,0.646026132698,0.540224217048,0.222782327633,0.256841578425,0.585962519698,0.00440969652612,0.205076533688,0.934999695683,0.431115736424,0.182611030443,0.847646262833,0.841553727344,0.51181541472,0.493454795684,0.273648305005,0.873696910836,0.56132346118,0.513237376121,0.113120957781,0.267624460276,0.304779439181,0.388487039426,0.748561614063,0.759755498592,0.191329283761,0.0444647035619,0.583121427313,0.0814058113771,0.311713439117,0.570256940326,0.791893469395,0.966174596708,0.707924819411,0.877348893918,0.404481737118,0.736657479642,0.934809582134,0.837816016177,0.875951170593,0.228107443058,0.0442705249573,0.00219793341175,0.364460461207,0.140291537348,0.751964826045,0.968712262935,0.283353402907,0.890707582386,0.908642887793,0.622144076388,0.493685532882,0.00190572179119,0.745493575363,0.873082427454,0.474210559027,0.130608237393,0.302469126876,0.401390362427,0.23350669377,0.276464538096,0.109168307643,0.696966115383,0.861422707794,0.152207447381,0.280903865963,0.611337212746,0.772282637924,0.830084888723,0.0798785522076,0.285671881656,0.591196578641,0.409089315252,0.352386942443,0.590238701104,0.652413353815,0.615086184843,0.953133685023,0.800292858709,0.728573674079,0.572947862752,0.980774553722,0.952643479338,0.779120466289,0.830158120962,0.714535467966,0.400030315544,0.444530028082,0.51513838992,0.719559656355,0.589498170683,0.171800980717,0.712691664062,0.0684202204192,0.266837091789,0.220211719401,0.234723154172,0.69634623993,0.591126716115,0.191383100508,0.636434763206,0.842286668969,0.403517661794,0.631746690126,0.284189438299,0.339473682695,0.0712983393167,0.586932900662,0.431402958323,0.461708819773,0.45989037166,0.360931457213,0.329165670522,0.991650304713,0.52034893701,0.981315777363,0.684827854809,0.835172494072,0.182461275551,0.964959436836,0.104040686794,0.72699468126,0.571677977114,0.74983437857,0.877573190696,0.396030452099,0.853145809905,0.567747308859,0.404871220365,0.863611258042,0.505151382219,0.83965077349,0.437761985242,0.403096530267,0.157942612437,0.954991328962,0.0768804249863,0.105703093779,0.0923482627708,0.532865748149,0.0278445118748,0.488634814064,0.502466085746,0.151015744859,0.666884539419,0.57161676356,0.724880691171,0.65469700664,0.125348116174,0.968310486901,0.53493586677,0.105119197362,0.323091326519,0.556564650648,0.0662083186335,0.883020691444,0.495829097238,0.333247626966,0.997516925895,0.425420062319,0.663702289507,0.126675126016,0.530639644245,0.400501747047,0.940354952141,0.573754858854,0.958909955219,0.77881376343,0.0399426073166,0.676777571511,0.49461301095,0.644578996382,0.342197586283,0.0452406903005,0.986342508374,0.900081917032,0.137952570701,0.982648877716,0.549057210388,0.188216906573,0.58438981236,0.438696468747,0.944482331622,0.874638701098,0.70288677052,0.671852988616,0.00939077857133,0.85587892045,0.0938766017613,0.196114506138,0.620821602271,0.434579305408,0.213720736626,0.751813873681,0.576960885623,0.190700945343,0.0643302415437,0.725813663625,0.967987043492,0.523074713228,0.168965395111,0.110102230038,0.891990027977,0.478507792446,0.513702883137,0.640071309066,0.301227520386,0.171926874063,0.509351869254,0.758463640406,0.90303177891,0.250390621396,0.590854778318,0.987064391658,0.360318667026,0.642024722115,0.476101446688,0.682629420572,0.170251666146,0.916988221434,0.490875248996,0.557356260339,0.398107113119,0.408075606773,0.544545911019,0.731032491754,0.946377179828,0.392443594053,0.725889659828,0.791979545755,0.063272049846,0.0334959460374,0.483787626124,0.0968524308699,0.644847539893,0.6998515049,0.222869296224,0.979378329486,0.435663993057,0.378204946892,0.897833939332,0.386518528576,0.634892080263,0.582668215142,0.487795639972,0.0927187014964,0.252917887907,0.971096193774,0.767690437028,0.740271545889,0.584544138108,0.13325775895,0.272435275035,0.537525157095,0.240495207066,0.737333459826,0.52675117401,0.6856466744,0.854023024342,0.532575523381,0.301642591051,0.843983655426,0.872309169145,0.0586957541317,0.451876008629,0.515206195496,0.622490108791,0.747945839336,0.506521507245,0.233203984955,0.746693814618,0.365887422124,0.585174198966,0.867148258209,0.590171911536,0.223784829717,0.721140788231,0.0673740621912,0.688063727862,0.17917098297,0.217862935661,0.654090010217,0.690777769505,0.838090716522,0.110090876282,0.641142478733,0.613188786651,0.589203137183,0.696493152247,0.753425949581,0.611473218543,0.117356518914,0.143691009296,0.276614065948,0.961160814531,0.445490173974,0.0723053300355,0.112049033543,0.0786463866356,0.888243188466,0.765585564817,0.325220762801,0.699115543873,0.780104322924,0.0946450020587,0.354917558275,0.515681985945,0.718476142014,0.652002534131,0.0041873649883,0.991934864142,0.859930567962,0.915966603914,0.996611005724,0.223491223744,0.600513300706,0.669097215041,0.141421613057,0.382002027679,0.922747405776,0.310385763547,0.554612567317,0.3558773759,0.261522212787,0.912640275326,0.800102148117,0.435198896188,0.935114577364,0.653758826331,0.638225108023,0.446745316317,0.751440674053,0.257561649838,0.613413524112,0.637931870853,0.466626937457,0.458658237689,0.823632780575,0.774028860733,0.571966882106,0.222606754158,0.176685737114,0.590637542767,0.255313729695,0.849426612113,0.685879844017,0.869697257953,0.612671298012,0.909291648395,0.294395494903,0.104962995765,0.6501800772,0.447917874926,0.625343579967,0.989923118423,0.114680680348,0.448160254516,0.755510814684,0.151523342526,0.776698685798,0.300857619815,0.547257188351,0.578562034611,0.522082777383,0.856887638868,0.0661444702353,0.326624234175,0.441057165233,0.591675984717,0.759090047609,0.931504929565,0.0534114546287,0.270935385706,0.169828467592,0.689764613654,0.735058556808,0.408581794915,0.466441339801,0.168860899162,0.849489455462,0.532692743998,0.903267885622,0.392515370265,0.781194795245,0.184700925914,0.756748610651,0.23923921023,0.728346764856,0.170115082476,0.389220062563,0.920467032238,0.0888876752276,0.762620112462,0.178292594734,0.247702006611,0.499342626136,0.607661117141,0.94100971933,0.393453098607,0.494168392409,0.508079647869,0.643507264679,0.15224107851,0.733169609231,0.798278109274,0.127722673964,0.55111119082,0.270790625274,0.220384206425,0.456309869347,0.413387717482,0.285972537281,0.578716813974,0.388155455933,0.314086285279,0.957716606559,0.40212685495,0.730443890395,0.615326210531,0.963576112801,0.160876170312,0.940030451253,0.77295435038,0.212224817833,0.508773236191,0.545842443663,0.593561288349,0.675985949424,0.117857351671,0.00483954804185,0.46763815578,0.33229856759,0.640582247425,0.736634015674,0.255473388924,0.545654217184,0.459199511769,0.19139372051,0.448672713118,0.593235866487,0.136046901132,0.921787701298,0.73442760114,0.184847834131,0.695933492295,0.577620646414,0.324521234647,0.351265510398,0.212489584343,0.275054941535,0.735506719572,0.175117077529,0.518122259835,0.609056979778,0.323633511282,0.714805748416,0.953096457885,0.434242445393,0.221900827302,0.629805416372,0.0773085246845,0.0991683761738,0.820666135699,0.33876564712,0.926784946728,0.116488287044,0.354542429578,0.412424070075,0.0251579707852,0.514083199975,0.426396978139,0.860296782681,0.631276682673,0.235511815535,0.392434244339,0.880189950549,0.135379563008,0.0522368495294,0.560810477869,0.437161093905,0.867902386646,0.902476382813,0.867296664802,0.549399823356,0.58384934135,0.749934292187,0.771065674285,0.00462624049954,0.77311792231,0.831628061346,0.0264609826604,0.09620484905,0.578512556803,0.538433802199,0.586224289229,0.802982362016,0.498682956915,0.127485966799,0.719415493821,0.577643177652,0.760259904735,0.661795823088,0.0281112426568,0.646514551896,0.0820168161781,0.560704773347,0.399699018048,0.11345916469,0.72387230934,0.904322040028,0.588495995103,0.987320759946,0.78926104121,0.796251701422,0.186414489997,0.601144563138,0.577505773231,0.602106895939,0.172948930623,0.458791249152,0.247534919373,0.800357292443,0.217310600864,0.715394250389,0.139216958676,0.832970907616,0.00702765819781,0.661002047486,0.0620032099542,0.405981540995,0.472349133085,0.404139936393,0.764731173387,0.237064256735,0.84172922157,0.644589693319,0.302134056374,0.07087402908,0.285331367739,0.822404509135,0.189679156037,0.39038759693,0.0133356182886,0.73578190663,0.590412733152,0.385374474764,0.883729456547,0.340284332496,0.00784562103538,0.635312081749,0.567490658259,0.730883751618,0.88883413641,0.736794698671,0.365645621714,0.360604697032,0.678449544721,0.604761741129,0.632284159725,0.295770254128,0.618051117746,0.99699819823,0.710368700625,0.701205110614,0.753512535737,0.779789939804,0.25734734195,0.887592740744,0.919749329987,0.502643225859,0.308281418376,0.232869662654,0.533083808198,0.501785376865,0.320363119316,0.567128873888,0.133207923832,0.971881513607,0.900152121495,0.174894283233,0.993328318342,0.939577008227,0.880774255061,0.680371658633,0.969957535466,0.675423468106,0.035193126083,0.274394585598,0.986161506874,0.53178228747,0.991238479407,0.0438419550872,0.641151911831,0.756453752133,0.674949421957,0.823105748037,0.0495272012902,0.463211099232,0.272256408452,0.342023549848,0.222793338821,0.290352355006,0.614480431393,0.661303602902 0.968146135552,0.393705232349,0.286675935324,0.877993172494,0.507385358476,0.836399182966,0.264364229956,0.549183042972,0.736695195372,0.0830065192247,0.156357823263,0.337836017422,0.43959282359,0.878070010158,0.79639782462,0.74260330373,0.503249999034,0.124716693752,0.178447809833,0.946890610772,0.424832452723,0.486870104355,0.628958676916,0.264513077649,0.955864615739,0.452986572242,0.587282466901,0.474155890565,0.871886979089,0.30627239739,0.58864839205,0.547854088008,0.623627298496,0.860896036438,0.757989949309,0.138779564934,0.803744064567,0.124383537026,0.710043372226,0.0295762263995,0.291293197137,0.269204803263,0.280055082474,0.980671077294,0.107163180784,0.0171992306881,0.834272732523,0.520506831916,0.756902529638,0.0547537114281,0.175505005972,0.698262797214,0.91257417366,0.790809064979,0.0675934591266,0.0114624660931,0.63323850272,0.594583354966,0.798586784873,0.639043897949,0.539621013506,0.0578574327561,0.148253734526,0.19066826568,0.231801000479,0.873533095468,0.303540905381,0.761111833216,0.701236766652,0.0916320081186,0.873981409736,0.104843688107,0.591569190947,0.762072390626,0.48653889828,0.986512641111,0.508216976886,0.327846725507,0.0890142504827,0.202882275069,0.977251079868,0.251993425206,0.854014587599,0.0780328095611,0.122711548083,0.381125392838,0.424054471358,0.461790367241,0.805553109205,0.165576320114,0.598893125824,0.784641142688,0.474701086045,0.639566081586,0.371252845942,0.619644201332,0.651433606297,0.428735862025,0.122516596749,0.812331743734,0.436559981676,0.322687242433,0.282841342174,0.557244647461,0.222765467297,0.610289091342,0.0965711114246,0.873729153707,0.445131182888,0.0177822668932,0.889931757778,0.0518001199831,0.509860379691,0.711572004676,0.938215960856,0.297140458091,0.106060143512,0.323991806208,0.110389610856,0.446494820119,0.841450739571,0.926718553063,0.369316752064,0.858642643644,0.3852447584,0.306842554642,0.957224501855,0.81186983858,0.957252039699,0.012382428967,0.361926183026,0.173875796482,0.672085129799,0.527584629426,0.805450110616,0.334629271042,0.787590624945,0.877782086212,0.496429468147,0.974817960674,0.33813242474,0.403724647432,0.968404984694,0.940714423914,0.19796475053,0.925250739257,0.140267511283,0.392864884383,0.967768602685,0.110206078422,0.853449940176,0.498614157954,0.973844439816,0.269262557498,0.637894936757,0.433422532047,0.435003660831,0.467574304657,0.65498331657,0.834025888449,0.240730678103,0.718645422137,0.618178205279,0.322173353109,0.406249172463,0.0479827819636,0.306358840774,0.0720372662607,0.76694267976,0.274220822165,0.935113941087,0.368918171302,0.0256149618352,0.481768784516,0.452636617986,0.430765312148,0.568896307558,0.969243878262,0.0808807359106,0.409991492572,0.159717120128,0.0557214968453,0.605089291078,0.791035247473,0.915950228506,0.280339647874,0.120560164066,0.755958789784,0.946713468645,0.453574432306,0.442454805104,0.239578942077,0.120448276136,0.296668564682,0.192725360948,0.677475277198,0.304093547605,0.479755647497,0.436154687634,0.560744880251,0.219174357565,0.907508476669,0.497239274288,0.179999428966,0.703491190015,0.789660315727,0.242264183165,0.117317690901,0.81002756086,0.567857308334,0.19485272884,0.0329115511791,0.881825291045,0.403615309533,0.351754230609,0.505519114789,0.291216108954,0.742001535765,0.334415282447,0.666277799668,0.490377992859,0.961498241522,0.861945619067,0.00667571525392,0.325109925107,0.946541519453,0.675079236939,0.485563803278,0.804070700184,0.864149831908,0.121081182921,0.0583719836213,0.900883247249,0.173282344982,0.117284315761,0.736853975374,0.732814447024,0.630482552261,0.589858606682,0.829526800257,0.516609912855,0.335640096172,0.0537155851101,0.225765388528,0.325394121937,0.755886430638,0.734568235943,0.418933222052,0.926482983607,0.395541071616,0.771907902839,0.693956817181,0.428751402316,0.508927017676,0.751537113063,0.643371953802,0.152499406985,0.00900599549166,0.189988411752,0.430148290528,0.0564534974414,0.710753151119,0.181139598426,0.326179663918,0.0922903475012,0.837439510339,0.783959257181,0.62751431975,0.657316647026,0.904559626652,0.512443587073,0.404626110355,0.908616448983,0.475838711595,0.757381646953,0.902493333284,0.90584620595,0.441226639762,0.388309983111,0.626207648998,0.77742355695,0.65820033474,0.473499394321,0.284085417566,0.393284380801,0.136747916446,0.301712419201,0.58867344218,0.403029750445,0.386809852519,0.198883951037,0.502929913917,0.376162608495,0.123782873678,0.0615178770904,0.657228997268,0.35758520418,0.894398263079,0.479202368646,0.554450086258,0.0889984501928,0.365573333488,0.953083715398,0.127713273586,0.00854872986555,0.224091634324,0.704097646727,0.701193040282,0.394767953404,0.213138053693,0.936134449394,0.353938098677,0.20889874802,0.0786275062711,0.747394314725,0.652351643396,0.48300762343,0.154959072462,0.526166270533,0.75520219638,0.938353457814,0.248851576708,0.218776945045,0.332536322992,0.318818184183,0.142099097524,0.172876221512,0.973075176689,0.291636534881,0.664919099092,0.878803399337,0.0860568267063,0.207396940774,0.57166110719,0.517370709315,0.850502914483,0.921949098969,0.00203088390172,0.0545899255262,0.834571126341,0.213503045428,0.752533584253,0.0102603648502,0.457739244345,0.390478508788,0.940969090514,0.725676721307,0.286251582278,0.671505725273,0.00853675856738,0.376547078403,0.683337347932,0.635565544284,0.855016566675,0.76440951525,0.117391599648,0.228863588548,0.184212034732,0.943263618562,0.561777654889,0.428431397781,0.533048685667,0.656515176455,0.673302010971,0.954596708018,0.21166311634,0.987356327417,0.92052289134,0.561767151225,0.354862023811,0.961050756889,0.664665584405,0.786141312445,0.799447650981,0.2548746344,0.330165119881,0.769710866495,0.936671267056,0.981986524545,0.435062262977,0.579132145606,0.751528601177,0.840464448319,0.993433608417,0.394421534399,0.69942484689,0.982916313409,0.677249510832,0.573228428023,0.346063333217,0.0925365174714,0.259272739437,0.0143045387277,0.448289544215,0.722097017977,0.343483117611,0.2056305747,0.787416580738,0.736734108177,0.682955481523,0.218036902894,0.812640246493,0.122114557148,0.817338435645,0.962831149302,0.743070022811,0.9021294823,0.744402709735,0.685365055434,0.57082890234,0.92211165756,0.930147771882,0.299017571301,0.608481030901,0.722675039627,0.978159305871,0.249941320034,0.656858422564,0.0973623322252,0.903369120027,0.666110881843,0.544403886346,0.43550368872,0.810406500892,0.824588374449,0.107990057293,0.0126140042576,0.432622836873,0.255324796487,0.10235969409,0.703279075973,0.721772981837,0.0515523840179,0.529740549319,0.3852559239,0.456324434396,0.878963485702,0.521086510394,0.101907399715,0.565991859245,0.775101006607,0.0097124946799,0.653716332304,0.0552450801726,0.786503835742,0.978033924447,0.683615383218,0.961748774368,0.181127032361,0.31895971221,0.618261606656,0.603975061853,0.350984865095,0.647466139905,0.757170131873,0.505722223293,0.909739011992,0.148382797547,0.698796627457,0.320691364773,0.063266024992,0.339958740236,0.997371447078,0.491454672441,0.612258474215,0.418878710427,0.233493888512,0.917670218635,0.667746863258,0.688689642308,0.574401511769,0.0520460927213,0.398058169836,0.394300933966,0.916197467636,0.218468476778,0.741748002826,0.0361249316212,0.906800201973,0.354566705853,0.473090268029,0.289968104802,0.271922603641,0.0218027886416,0.26829504376,0.354386812714,0.186227392562,0.727492297189,0.425459323761,0.875931496893,0.482194689817,0.736520976902,0.50825972042,0.144992898506,0.252852263287,0.847010591933,0.047905827013,0.7612543277,0.158080350027,0.795661798419,0.140086367215,0.244924573128,0.598615457989,0.58008650434,0.710612141519,0.942478952773,0.812411930681,0.858873896123,0.763911185632,0.269638342593,0.534573926567,0.536918155967,0.0452919122941,0.125177980924,0.938386878127,0.364800734251,0.54797251024,0.511211532799,0.313097352196,0.000610194542987,0.549947101895,0.921159716059,0.317884585739,0.716241496769,0.879310807338,0.322008698027,0.150958179882,0.644291978613,0.224289538495,0.941734303674,0.206601074101,0.934728616037,0.415806691329,0.981755544909,0.473124024324,0.491146240961,0.260991902662,0.00490154248356,0.980584715042,0.109351641791,0.254630522496,0.029715059347,0.206363403781,0.945841744849,0.987075524476,0.345249785674,0.32278519754,0.246304353013,0.366370604215,0.371004866932,0.382594140704,0.539585108747,0.17298596024,0.16129498244,0.775250034502,0.787352293084,0.623295296129,0.0794587865333,0.746428674008,0.279358884405,0.300102958134,0.223344809974,0.939228264118,0.159254727876,0.40170931808,0.49130394008,0.716493373018,0.736286610019,0.0195124315078,0.252584814276,0.653755238531,0.966028557652,0.0647552384633,0.369741889391,0.224303649975,0.116189857769,0.639749984661,0.692211482367,0.72562039688,0.122157423047,0.246879250584,0.895617964328,0.800744608298,0.618476663937,0.468152088811,0.570100630945,0.533396970627,0.791788789899,0.978861775268,0.961033898215,0.206850954578,0.50897027496,0.243507993495,0.459912035008,0.552382492987,0.489527054875,0.387637918868,0.307851105892,0.0526139098161,0.455620969841,0.871877374321,0.942620897022,0.341633562069,0.597207769805,0.827865647163,0.669978772084,0.978083111565,0.653577052019,0.586976167659,0.165746876324,0.540519286413,0.537842128334,0.995538772181,0.0259208928847,0.921423335349,0.0731278938395,0.512110894073,0.241898765571,0.223298276044,0.89382080878,0.660573758998,0.894770517818,0.643972618054,0.234957965905,0.438280433909,0.0875064415854,0.0233694617588,0.463623513847,0.901468414164,0.91657703175,0.34864706819,0.248469874907,0.402977926871,0.381516076571,0.742950274724,0.269915921643,0.572625022602,0.109109852772,0.51930455877,0.257298000309,0.666026303081,0.324919767402,0.148472298983,0.37315765537,0.460015975271,0.303018786438,0.97362089301,0.683534455199,0.911727049789,0.0815951910093,0.37591425451,0.0677287872972,0.32403616805,0.787256337633,0.309735797622,0.781483779563,0.549747364159,0.712904472316,0.624788041236,0.0856060872309,0.902194298285,0.41024000814,0.946752420587,0.728871447873,0.508430609872,0.859853351672,0.486349515202,0.485758784111,0.69172612556,0.737367521348,0.310638199406,0.45328370718,0.197683292383,0.0486431351147,0.297833772235,0.115842811431,0.630523381535,0.386077040382,0.0613164133318,0.247651356614,0.852934407036,0.483463321725,0.917245009555,0.0343206708853,0.756125163135,0.804381174981,0.477522612976,0.922681670762,0.565476789979,0.693543622376,0.10075707424,0.367715756685,0.743916896095,0.291582009875,0.691401880256,0.0304621994112,0.729003141552,0.364431471205,0.44466394804,0.986610095966,0.270829703325,0.33394819727,0.0834405051597,0.567503614295,0.63442155849,0.656173612168,0.44752650156,0.430929955779,0.434686384574,0.243637904614,0.130020085401,0.181058256512,0.963801003798,0.198106177751,0.708663532127,0.81648790463,0.222011867174,0.37042654527,0.51657785026,0.165404968148,0.364650664064,0.601570366125,0.840996940367,0.764682521086,0.496452584339,0.0719440389614,0.323402077039,0.411989751093,0.779895303283,0.473878726753,0.549726743062,0.963378852445,0.61557896676,0.744821262993,0.0530576097228,0.985732203485,0.0814346798196,0.490815919849,0.0792129731943,0.572358681157,0.2922857773,0.190679937337,0.994040178407,0.351689731002,0.145579496423,0.19551236145,0.558881636021,0.973007310774,0.907131940519,0.463262269311,0.437885713388,0.711453646893,0.321989895088,0.676717497254,0.926686495966,0.616497979945,0.0774528272761,0.0320197114076,0.774793260739,0.142248588095,0.157325322605,0.491892049003,0.658735100051,0.524240365321,0.163196557701,0.507023273933,0.401154784559,0.687156081824,0.439589403365,0.652949289902,0.952104040694,0.413607970747,0.388024655069,0.305578842492,0.388295671562,0.587631168885,0.976010674356,0.133349982483,0.911423052204,0.627577822017,0.249496761547,0.373929649274,0.536647972147,0.908442998629,0.692009859286,0.926693902545,0.222964645449,0.0987194802301,0.484993192879,0.152180794803,0.133074914345,0.745614136164,0.960230223157,0.88124398753,0.519047591876,0.857979986578,0.690407403138,0.599432894656,0.506821882188,0.732573807337,0.612698546931,0.286731864741,0.37307839483,0.218766146854,0.687913934442,0.0358464524556,0.628670120634,0.87415514166,0.261261797616,0.541313552081,0.821403697564,0.595547812277,0.228323755915,0.69255890129,0.900188165591,0.726543874563,0.503968745842,0.886917474672,0.140988943374,0.912955489618,0.471570811823,0.231921468899,0.0192848272424,0.34758120356,0.274598981856,0.932146152996,0.46081617691,0.33961876644,0.660535737979,0.448418290206,0.967073614379,0.410962153156,0.912128257963,0.480261934929,0.885020063563,0.573041485294,0.0646283995475,0.197944339963,0.997953984185,0.964975399297,0.176824573756,0.797998702899,0.668345857382,0.478767735826,0.934917954572,0.547556143976,0.56962954765,0.276536961643,0.323600168769,0.164919030262,0.0279392998606,0.248703665763,0.720952535363,0.814421979876,0.152619798188,0.482097667776,0.921346630665,0.76410327312,0.188350054038,0.600185469669,0.389496098474,0.26183208904,0.624171900783,0.393964105307,0.923535516966,0.177895146467,0.683036981175,0.455453220753,0.132023194096,0.792206416003,0.743487539916,0.358892642531,0.0800113806512,0.0294590869272,0.887993795835,0.15137039574,0.0259274631317,0.0510183119195,0.870045463486,0.450372209391,0.79656563385,0.979811680576,0.498408805293,0.618455568255,0.540605087739,0.111335746173,0.396994030825,0.608577628109,0.814267943249,0.766997468429,0.223756669878,0.125867482087,0.563881202138,0.591201528478,0.220860829273,0.987612594849,0.229393509128,0.741842752658,0.98689243245,0.685368407724,0.116264042392,0.193296307858,0.169748185627,0.642184755886,0.652473289909,0.420545599825,0.556370381654,0.913287918923,0.631462263093,0.41695685253,0.586831752831,0.398103938089,0.322347889685,0.0499380114657,0.588460846639,0.204352234772,0.48973733073,0.966253951221,0.309056632115,0.87521984971,0.330231171385,0.204789992723,0.764379550001,0.078646709637,0.642464538708,0.685837607008,0.472400278823,0.821703466411,0.571312025972,0.60916559968,0.83375795693,0.581452360011,0.292455602055,0.549725230948,0.4329239961,0.197406945962,0.0354342101574,0.392553948389,0.331027443511,0.896117216613,0.938700808651,0.628571321476,0.857230497507,0.145831608843,0.508564354124,0.871903277664,0.340946156913,0.847931558263,0.832648816443,0.822707835375,0.266094570167,0.192999341356,0.726277097901,0.0612676655012,0.509017200073,0.470850385632,0.846530113678,0.912467661424,0.174052460742,0.67682970588,0.73490959322,0.0288942618085,0.951784916366,0.976483301816,0.609976812307,0.410580850458,0.626737365031,0.867764679382,0.429541248594,0.843139687739,0.8453979856,0.884158716021,0.329758751095,0.971798512912,0.672037022887,0.727554803572,0.0334224357959,0.360971063085,0.0327071559238,0.805841509474,0.141992029412,0.147713444007,0.724600222912,0.74064539978,0.986579719858,0.72253428187,0.937968958573,0.514317334649,0.751093647963,0.895703104847,0.682927478508,0.158428544,0.159644899817,0.760256417122,0.274931478785,0.925619828481,0.525062572275,0.534790735761,0.666675285328,0.510720316033 0.345137398028,0.321271174186,0.506656726085,0.273766376174,0.799132132811,0.708920926855,0.933005845559,0.974289083325,0.61499515868,0.477075569629,0.245745340229,0.227377306612,0.548825702431,0.182794199511,0.888147697534,0.936146773305,0.101051437159,0.14294661261,0.622901191288,0.554353833484,0.702503621643,0.668468697448,0.297176981719,0.695508139421,0.0152371545675,0.00851561074954,0.388207209279,0.0120757722968,0.743730309207,0.649923513271,0.329298139382,0.365543429849,0.29983794062,0.768727753747,0.0947978063786,0.495225266886,0.272425243453,0.807609981925,0.903810687466,0.205225692336,0.447995034752,0.937273900092,0.625541341012,0.738800760125,0.881349358657,0.063147382277,0.559871695693,0.878591892326,0.980693999413,0.719351651673,0.750540245564,0.510595523602,0.113445227937,0.582782677854,0.875048780053,0.556364069777,0.380160174895,0.511700537425,0.954906582207,0.0809334136576,0.442466485837,0.0586834189671,0.868350601315,0.247214024937,0.163072135232,0.62087187648,0.113341935193,0.0661002849615,0.142897532482,0.253966013687,0.26758339599,0.0955349202966,0.788828930649,0.987882065035,0.101855603163,0.0187077392927,0.422288002918,0.995016312618,0.56529745587,0.40064556243,0.590153739146,0.174866915622,0.245064293858,0.211593400007,0.97712001319,0.327200758782,0.691024265039,0.165758690715,0.850019285286,0.0664276119814,0.367104211751,0.271585870731,0.0296046892714,0.0243805111454,0.892165812153,0.158551117478,0.679702898307,0.283629729858,0.902891216937,0.583933100075,0.876424165097,0.455953255999,0.737208611761,0.513679053781,0.941510421343,0.133310838924,0.391058604361,0.556461313062,0.0522514598016,0.574015993234,0.57711466077,0.703764231584,0.82466015635,0.572604986509,0.418555670737,0.687319480775,0.993287715717,0.904473515603,0.143553090573,0.590496350259,0.260531349354,0.16319886302,0.373825310261,0.388634363814,0.460673906642,0.718968094769,0.19873471413,0.168285157514,0.664168427142,0.63706514517,0.244764412952,0.139807556317,0.918472723062,0.806334297463,0.219963523041,0.485391770505,0.114273891173,0.602741993904,0.722560920399,0.212923764332,0.0174034350689,0.576705234963,0.477286569729,0.737907176232,0.527719411493,0.903089796382,0.632101891715,0.456126207774,0.665474656476,0.0975269416565,0.493932238897,0.282506149272,0.996024402089,0.439797599589,0.869272236564,0.49202374838,0.907872944158,0.30453991201,0.443979989873,0.529657529272,0.347615141735,0.0511073641152,0.473331408527,0.409010987025,0.0724555707446,0.722783529567,0.115346417256,0.343422074794,0.760231811574,0.713863287558,0.605122232459,0.85437926652,0.0474712854352,0.257639652616,0.632310556982,0.194739778177,0.285048189022,0.824081896609,0.902778683092,0.815080711464,0.34115652573,0.68355553079,0.488750009192,0.796107451967,0.71728310581,0.475538733354,0.0282262728095,0.876816507089,0.178321854448,0.31075899077,0.181952323342,0.685127855731,0.697007351936,0.314759146274,0.834430333969,0.347789780637,0.933753169676,0.170247272759,0.788031381832,0.547452173024,0.259878754484,0.929407490086,0.647223274219,0.320367367442,0.336016243914,0.647929433643,0.181668263872,0.294052617636,0.898726507729,0.971544486112,0.241684086624,0.908179924048,0.206367680588,0.658510705666,0.74607244858,0.418206480772,0.196744816793,0.754694616454,0.0519043672476,0.70835535043,0.521252931885,0.96935873658,0.00964691759312,0.95769967192,0.398325732236,0.0949023663039,0.176891287523,0.578471818027,0.469292237069,0.476943720831,0.628067109901,0.47003347317,0.940718156322,0.547627141552,0.342927632647,0.97632699112,0.160907057537,0.71703016752,0.727531870631,0.206374613703,0.570069691811,0.495081425665,0.146401039363,0.944655903467,0.151247792484,0.387385580234,0.222040216776,0.376138039759,0.142217735805,0.0507303536523,0.0537295701538,0.397108372377,0.780445628376,0.279908341804,0.768818657983,0.167538713912,0.966965135011,0.567783922405,0.234061489162,0.737579642236,0.94173365854,0.854338425306,0.706822685285,0.88144483652,0.458955498665,0.618293075664,0.453175576667,0.968175653589,0.322608132437,0.578273298727,0.334410409315,0.487146939824,0.675745002577,0.610966408863,0.351331732016,0.265668832587,0.0314087492089,0.0734146782183,0.723889984286,0.327928075234,0.813014067036,0.955022873297,0.169365925803,0.967027910975,0.612768307186,0.749018442278,0.809802758775,0.425523631891,0.27518538316,0.180393896713,0.796941244925,0.410588621454,0.113872364771,0.71393840815,0.526144901566,0.0961924905782,0.623436371224,0.65134277846,0.307586595353,0.111706332832,0.828609839543,0.157908568344,0.78271730841,0.0681642355476,0.660960922022,0.365424422393,0.318686660186,0.250416647815,0.664621896945,0.0743910523891,0.887926773238,0.252052513992,0.726389494761,0.514027558072,0.789949714849,0.667500464467,0.772537660768,0.277312219025,0.208965202994,0.844819440765,0.13715529521,0.816776802551,0.931443473827,0.0444301443001,0.980176822368,0.501507152245,0.0457244614966,0.363201368114,0.851924066893,0.101599887098,0.311914203909,0.401338255975,0.643950459195,0.735269497239,0.829854261935,0.983688471297,0.639727036274,0.126767855984,0.388205618382,0.555429120708,0.987445499097,0.356184221779,0.518369789797,0.816497919863,0.820867462305,0.887500199987,0.101613778554,0.281322112596,0.568068962483,0.168163238731,0.830259192612,0.144616413358,0.127041367733,0.0891680245684,0.29802433606,0.176803950162,0.364215034635,0.937676332174,0.732574601976,0.0169007434624,0.483920242041,0.387849204832,0.673144043419,0.121394211543,0.159340186948,0.661399476008,0.0506124548504,0.671372782182,0.994553420607,0.695462687747,0.732288231399,0.450204072569,0.727761405891,0.256476869515,0.629255608254,0.194583007306,0.440620111981,0.646841876474,0.240565463733,0.462760247111,0.379318620322,0.797580690621,0.545440289575,0.369037674611,0.624875139833,0.450058990532,0.0779731465442,0.593680751812,0.866313007335,0.083243473095,0.458893924772,0.84280293395,0.852772137415,0.278869981612,0.717415556086,0.475626017677,0.0130729615323,0.253562574547,0.854155480417,0.37299678542,0.204591257606,0.816554544618,0.855544248346,0.81110630161,0.788014791332,0.558217524444,0.469622934439,0.606059928375,0.591922780676,0.468703268901,0.766269453681,0.514246635085,0.239522897816,0.821984446228,0.20392261939,0.187845531375,0.666534431541,0.376793879639,0.886683114337,0.501866130266,0.644211152626,0.951947850647,0.672741924648,0.583803267849,0.61077797539,0.72173040114,0.335354795201,0.286989634493,0.253584143774,0.244519286104,0.287753703454,0.681866072925,0.471403523185,0.600159264797,0.970279080942,0.589758803568,0.799217514214,0.749628974676,0.256916110997,0.296212790591,0.0811019360558,0.966142024657,0.606898076204,0.584144234453,0.777245621378,0.640506389332,0.270327872308,0.532629654588,0.87449022004,0.879140603303,0.775165535508,0.804606727943,0.598263461018,0.642508445761,0.207565964006,0.506996001184,0.293814606157,0.981306459374,0.65227857492,0.0671047939307,0.724886976354,0.367519416985,0.863553877084,0.748765778157,0.129399939963,0.123034143851,0.477452123003,0.629064319509,0.80598824206,0.256327313344,0.514926788766,0.875431456594,0.281458781541,0.66086327721,0.0525389930355,0.328944923663,0.0703088399998,0.469285310019,0.857617301087,0.360987419965,0.333751025207,0.257513732784,0.613367769494,0.851953816509,0.221133664355,0.607568683934,0.162974858987,0.0140751688189,0.831529912785,0.336269177016,0.46515237599,0.23407522837,0.648311134748,0.890142213902,0.100680539741,0.698270609518,0.160627186054,0.877501992428,0.626898730944,0.713116270712,0.822312237681,0.487289107884,0.672574195127,0.04294540381,0.799827983599,0.373148449871,0.719435635958,0.194810230355,0.0523878953294,0.103008865783,0.130112228334,0.679586603857,0.912569419871,0.452381822806,0.540327684967,0.337285720444,0.628471936206,0.684308290905,0.22487076496,0.727639665823,0.857953154861,0.449343589626,0.49863332039,0.0309060126933,0.352741590742,0.603985148542,0.967394554594,0.118928086378,0.718634598403,0.349360514724,0.842036793243,0.934071245543,0.86319585177,0.763159670787,0.757515540611,0.0386705265501,0.402189676575,0.637048114638,0.809713140279,0.358941491306,0.262579867821,0.511484973144,0.43318698138,0.0427012126479,0.646172420805,0.201428058501,0.119641571717,0.692322316598,0.503711188878,0.0347061986423,0.462333710077,0.491770642436,0.880035485615,0.586857529493,0.334340669107,0.9922046035,0.969602262765,0.971861748588,0.141323895048,0.207418525896,0.742352408919,0.577541012459,0.989588402061,0.445190755884,0.0513613838594,0.809885106864,0.780457405318,0.120206293751,0.975252427309,0.69808255152,0.604008516245,0.586509964363,0.204461532084,0.556686180246,0.346612980955,0.577584357244,0.831866989171,0.176226921337,0.584740140823,0.597910795936,0.161462899544,0.750932336883,0.543814890273,0.736962307818,0.34730194744,0.979665795809,0.46286179818,0.947262134612,0.0102176297006,0.347015791647,0.866473930908,0.832161684683,0.188384481605,0.380541468802,0.887886945357,0.0423773876949,0.267647464026,0.216942105071,0.376016303002,0.327927147895,0.427144938314,0.585096089956,0.943982036566,0.540019162289,0.551055392978,0.56634717681,0.424826181843,0.407875677975,0.881136076167,0.267278402794,0.961234169343,0.25252535753,0.94879903454,0.0507846272881,0.758718504646,0.784076822619,0.313585878332,0.864998576674,0.898134502882,0.409585834466,0.662545040843,0.644671401925,0.593714662535,0.513610403644,0.837466701846,0.0243809670795,0.861292395191,0.807526616384,0.0435522744466,0.684076637194,0.474964801938,0.24020652498,0.418778930861,0.119769953641,0.519175297338,0.561948819633,0.569850072515,0.546951648795,0.765540043464,0.699872052657,0.140036195962,0.36429324551,0.630680843853,0.770725429784,0.792270692078,0.925961683688,0.567526657265,0.310459880595,0.229648067946,0.869365528658,0.36534925603,0.888637179959,0.692506547996,0.425426271242,0.788921861578,0.848549282927,0.49636222197,0.473168491219,0.998524064927,0.79315547513,0.227741353856,0.618114350858,0.323737398451,0.281807998223,0.190595438867,0.946605199593,0.464791428098,0.415134579526,0.152815034756,0.256491530709,0.215768060547,0.670351197381,0.946302962023,0.587251400726,0.154934535247,0.197465326084,0.482844866164,0.893701602834,0.692982516021,0.24783267871,0.48539293942,0.107025004233,0.825320313741,0.237364148897,0.308097735827,0.48934306071,0.617286469071,0.746282644155,0.889368221117,0.748401234011,0.993208536921,0.322668510631,0.048799491836,0.0608841622709,0.37183856759,0.48513789235,0.542243719076,0.606966899169,0.937245469165,0.0641513100095,0.126109621108,0.366050183436,0.0127756534729,0.100178918899,0.379117555128,0.261414645743,0.652963994286,0.544234177936,0.344229801543,0.465079518485,0.753821531638,0.238537775268,0.879163127152,0.283092875955,0.435754476287,0.64295797655,0.326062896821,0.0605405041372,0.198874607289,0.176125537938,0.989715042537,0.358734280615,0.744876025137,0.885558105415,0.0232790369386,0.386275750718,0.687482523011,0.526816917899,0.00761501976894,0.438517517379,0.365001616079,0.0479725712714,0.51546757666,0.599320573122,0.933979499126,0.502281684602,0.990607522826,0.123550751555,0.935245289885,0.0566605420043,0.296473860213,0.522916054903,0.409277145791,0.149607145839,0.0614615921694,0.0984148703837,0.530486319403,0.594587575153,0.908879445065,0.804565780716,0.800943757408,0.0284563893858,0.692790185978,0.296588024851,0.0192924557028,0.686834932261,0.970447183704,0.274790303149,0.421101328396,0.272664537398,0.177266045787,0.547988649828,0.812602057184,0.988004716672,0.585256695462,0.609159446317,0.509482919794,0.117218187415,0.139163867423,0.127091728925,0.0859813625918,0.885081857494,0.447600868107,0.166969802945,0.3674152779,0.666495829524,0.849445442225,0.739754633007,0.52198584606,0.159240602256,0.656820040955,0.781567110934,0.0921636744689,0.583669055257,0.634046643286,0.43027201649,0.832725184714,0.0401024189584,0.946410347265,0.762312536964,0.690415493838,0.774343233953,0.939373693777,0.0821477088121,0.994282012738,0.0464420250464,0.570720413848,0.502130428894,0.917069027226,0.15081363435,0.0848782938191,0.487309511108,0.530525685554,0.852159685048,0.15789223688,0.910048061611,0.722645361663,0.851241008929,0.26488591613,0.10531175548,0.0336057923516,0.365080895691,0.346766453263,0.736312496456,0.737552443279,0.0246472377323,0.896205454897,0.714971945044,0.409932626965,0.520168576884,0.270793204589,0.8151399528,0.136795309027,0.333191549702,0.306879998518,0.8648820594,0.0906774590236,0.709193956399,0.609457674103,0.493657852505,0.364620352898,0.912693638592,0.620981784857,0.158031104085,0.921816697604,0.651955608128,0.902172075204,0.594627930464,0.718990903644,0.80035577671,0.529228004459,0.753860817783,0.973703494417,0.0399071258448,0.49271096404,0.38380913283,0.795597529589,0.655588248751,0.567013695732,0.85337091343,0.0538482599993,0.342242991015,0.117659246987,0.292530773267,0.443659368532,0.997550703812,0.17752939057,0.632555247036,0.233433944228,0.489361224475,0.637310507758,0.249748228959,0.202112639082,0.328309733571,0.174260840434,0.383483155259,0.49279197626,0.408129449599,0.493532602751,0.787933113721,0.544155018451,0.280692688742,0.439802113532,0.822344525913,0.0662909524389,0.366762517722,0.191242725758,0.0459341099952,0.598499860469,0.83689270093,0.129859612141,0.572162750769,0.943799777766,0.183171313941,0.983639382091,0.0814038195463,0.987680808981,0.482689226147,0.533644596029,0.161661896837,0.422142879512,0.983310019547,0.673962621092,0.196230643594,0.657059673178,0.704219788122,0.795258493536,0.332927459403,0.419872020474,0.227784153626,0.750401545908,0.369315296881,0.415810514411,0.214432287409,0.799407140681,0.249116671287,0.166106548456,0.193667719722,0.691054953287,0.0772445528387,0.533578835674,0.920702284888,0.522075151131,0.322160361887,0.869624159534,0.186816246625,0.704350379402,0.84430237574,0.122702032181,0.47534486053,0.572180012563,0.372336836078,0.112301733012,0.722523714839,0.782990817447,0.87542483572,0.253135064587,0.969744434223,0.0640549725996,0.0888867600862,0.313888654777,0.0244085198608,0.225506902283,0.0582853236825,0.810025906974,0.174432140721,0.887794607622,0.0632402374597,0.531329477486,0.952004559366,0.135969230263,0.715539422734,0.375370537568,0.756004561831,0.192415028266,0.992718267565,0.488619675793,0.904079954915,0.87523052258,0.611153361943,0.0357997932457,0.837163852896,0.888305963774,0.429027965071,0.152067151876,0.460540067925,0.156956601396,0.285563231027,0.469692108776,0.297688059652,0.40912326937,0.434229217419,0.0533983994088,0.0790077558806,0.826153174708,0.756832396179,0.403134943473,0.48217603235,0.00744083481787,0.648706423504,0.226006547344,0.182526892517,0.86349338829,0.359232270209,0.970810040248,0.621470548551,0.456082081947,0.415136327695,0.41623160487,0.792159103534,0.0264175262425,0.407036080566,0.444509557365,0.535097161131,0.528537842168,0.313580135265,0.484321296701,0.649479741793,0.835653522874,0.782486487042,0.254635032839,0.97060297524,0.301824169139,0.968028706605,0.250644346031,0.51261407981,0.883890706533,0.849252543518,0.981848238196,0.375723848125 0.959458330544,0.809214741193,0.0924030385907,0.658388878286,0.0173495326974,0.80514977721,0.491975320399,0.975445422839,0.223982199618,0.415137626434,0.629117803556,0.536384009006,0.129654493741,0.0745976186754,0.617671430611,0.171919837372,0.792597674031,0.494294394462,0.838344849841,0.258673381906,0.918896512169,0.837868056964,0.790714364185,0.41767436206,0.856501569439,0.723425158525,0.596840698353,0.158490316221,0.271293076428,0.647905415077,0.489972861968,0.238794885494,0.328079920003,0.0594675164654,0.478391265216,0.0622890672387,0.591645206513,0.326499549636,0.421592636266,0.136970782878,0.390801096569,0.318967712974,0.690834165147,0.0935912133919,0.422978580145,0.367482233675,0.593571386502,0.870367225396,0.317874516516,0.299865858982,0.114651392106,0.765511693279,0.130911427903,0.910307464137,0.968190508354,0.527102556982,0.611850708913,0.885906730831,0.0505083740799,0.967969257907,0.565338554258,0.0702486037898,0.956969979515,0.0346930054507,0.768660010287,0.206078960276,0.505932198779,0.309609425241,0.687650542979,9.85664455539e-05,0.753631684625,0.521213305466,0.438300670747,0.00747770258462,0.441703794518,0.189517897043,0.961161125939,0.338638828117,0.177372306912,0.149013087337,0.691969317098,0.900405870465,0.645089469607,0.137106064515,0.329770910637,0.000175455930303,0.295716077738,0.61335787321,0.590798678169,0.275654812089,0.768538027035,0.324427248588,0.841796669008,0.377980269072,0.643524389247,0.0363877208114,0.908193610318,0.759343334745,0.0739931203387,0.897338854425,0.799388333274,0.286839795637,0.219998727014,0.946479894646,0.972488553573,0.757552192184,0.26516265846,0.230951852667,0.95493716437,0.486443457439,0.203571107598,0.326339849924,0.603194227703,0.729888160679,0.345022047628,0.645732646933,0.487649756287,0.655531550651,0.297413509059,0.892395948426,0.0255878688185,0.306320419951,0.0877499497006,0.880616980298,0.974020224656,0.554806050832,0.86853280462,0.0741811771637,0.248285172455,0.0905013555931,0.661233445136,0.12762201675,0.811150509788,0.974218583069,0.516396000626,0.321237485235,0.459841627949,0.76351764191,0.0255645541124,0.250138789872,0.31008495492,0.0611774062567,0.621991018546,0.303872170026,0.342864682842,0.465620873729,0.638663289197,0.087826718884,0.90367017018,0.938054804172,0.754137836491,0.355886941944,0.955258636413,0.607821122409,0.36134838035,0.0691551054591,0.880309551539,0.537767177823,0.728373238225,0.952543802956,0.0418597648466,0.586193192585,0.017017607857,0.485338089264,0.267264146562,0.313539061453,0.259474802782,0.846281861738,0.119114058475,0.424470864995,0.865042012534,0.398670355619,0.251596236995,0.43145585062,0.00235823302129,0.872554357303,0.695868479068,0.746323266037,0.498189833136,0.30301336561,0.646595090725,0.652051592142,0.355625322201,0.973197234715,0.40308269204,0.941247290612,0.870032196674,0.633209616011,0.620220812571,0.102925402758,0.770847557071,0.242732150538,0.148412894543,0.828727778314,0.187382380821,0.912587289423,0.47002370464,0.187565969714,0.460587592103,0.0198245596317,0.933243639941,0.0376131167259,0.745505034157,0.448125813113,0.595987585069,0.690617396934,0.325685389352,0.939579650002,0.919573857101,0.418516775196,0.19800466832,0.086499654562,0.207692253065,0.980553249338,0.891816935086,0.51940444855,0.75631649269,0.387770685506,0.734997627232,0.979702168348,0.0610895984649,0.505721043261,0.77239898816,0.924534120415,0.249515191094,0.289420992575,0.848099094995,0.664426621656,0.646160607356,0.73461151731,0.431406701902,0.870856244409,0.0434233857378,0.242172691495,0.756997914268,0.192856819946,0.465421581324,0.338942558948,0.507464044665,0.457763321083,0.996338215006,0.935561779629,0.837640429673,0.625378862845,0.789965820646,0.0189771654115,0.982408883083,0.545556477263,0.932941251685,0.400158333943,0.115500639859,0.990938056831,0.783382316174,0.377125747407,0.408357769745,0.549374733169,0.985466030448,0.544352304306,0.714534667338,0.210205499053,0.175046110074,0.862569983692,0.315154720809,0.989540287228,0.0468963054393,0.749546362411,0.815718070987,0.255365373537,0.419991801286,0.789004212429,0.198090915246,0.0392506367057,0.883803409274,0.822847444977,0.567008244394,0.963410166213,0.52719739921,0.75523501187,0.338288834934,0.411985013356,0.612428472069,0.117654879764,0.974475498962,0.639187151332,0.03379116428,0.00275922711874,0.531676800216,0.342447249735,0.627631074654,0.304878066957,0.245171481909,0.673046866199,0.546576524918,0.774916242235,0.950234210369,0.0268309719845,0.41511099443,0.399344704354,0.860818733055,0.0273363149344,0.848767144301,0.245363214688,0.7645196655,0.0375671701166,0.908311489254,0.832691958474,0.0018307454289,0.23908659419,0.664650352769,0.458136578325,0.767457775431,0.310403674006,0.748892046887,0.798695868886,0.448803829717,0.856534772249,0.204815965473,0.344679339759,0.122264538383,0.0150040703911,0.174924604106,0.299231684057,0.940975196042,0.482463762263,0.27230562717,0.605664974694,0.816588508458,0.397350186795,0.770706383253,0.370921295744,0.994827399516,0.809060595025,0.0226298360478,0.633270558111,0.886274545582,0.633298487409,0.156677355516,0.641217736649,0.317851802537,0.183242924068,0.770930991404,0.495077467402,0.787824341415,0.368334710751,0.123126962087,0.215612183624,0.152935618605,0.659964881607,0.170963220537,0.649264443799,0.355309647191,0.971486004863,0.766762340371,0.817277973338,0.724046667768,0.868403493358,0.890608111091,0.52506164927,0.907934216672,0.535629294282,0.346950337985,0.828368422845,0.275526882283,0.500511120592,0.0443085975785,0.817871541995,0.0437965994366,0.128712212358,0.118369364766,0.320443216438,0.920881497329,0.468729777945,0.923675874538,0.0661288458599,0.360214145654,0.763100996328,0.627183407919,0.688307629108,0.178417350686,0.988680518145,0.712293110254,0.0556175868859,0.124044761448,0.529948806003,0.41689403008,0.97562697943,0.895967826909,0.236816206062,0.972154024687,0.754065097942,0.237234038866,0.994048560162,0.640681363731,0.136081030554,0.745640006374,0.0612674332914,0.686220874654,0.524760286139,0.235509307315,0.521867391304,0.571810557328,0.770407749539,0.599296725839,0.125343227607,0.14624036445,0.447998423188,0.920894432983,0.716644693512,0.599344660674,0.735386272816,0.80000069057,0.337875882579,0.638045629088,0.985762192026,0.947414152392,0.963939977575,0.573011778227,0.113703643268,0.942088814224,0.244262687571,0.393045291521,0.496172996911,0.6514018512,0.175321605768,0.666498505148,0.516129352067,0.30427010066,0.912408194104,0.316407669325,0.875473007891,0.0987114638324,0.391452144265,0.71787723327,0.952267032774,0.76799223382,0.202482226806,0.00570655079311,0.64397392259,0.380652376323,0.31304890326,0.605897944732,0.690852696377,0.54006526735,0.642583694329,0.0481613059259,0.793770804592,0.458013096504,0.605359086431,0.0501248402628,0.246634121792,0.861837948952,0.779031793686,0.700922969201,0.802116160088,0.179711004774,0.580249653684,0.57978430038,0.290330293908,0.62326029106,0.175337902108,0.679101317808,0.0910185655843,0.897359516801,0.61204454915,0.773725547851,0.0906825467676,0.168869790632,0.653332975272,0.746227514735,0.696384727042,0.216740565288,0.763598845203,0.714636776011,0.38698921931,0.0575405902403,0.930105438453,0.228924607339,0.499198740924,0.659559578474,0.878614630365,0.44836974431,0.376065298613,0.242062844816,0.329088432108,0.50742417206,0.238877894317,0.345483252318,0.608662415441,0.958481531564,0.915221313123,0.72444200877,0.327735664142,0.621980768552,0.504041617373,0.699937113863,0.338242874304,0.00820541172844,0.432380021726,0.451270080167,0.555485116261,0.439728306118,0.456971136906,0.363347390068,0.451067976119,0.353298739607,0.474692375369,0.33701525444,0.146126980479,0.0498349267875,0.632206429596,0.973891038497,0.269866709525,0.619353904347,0.101829116262,0.193704715237,0.282270071133,0.0754680422818,0.619205381703,0.368249746171,0.417648639847,0.771334992276,0.809998319208,0.980154026497,0.173670387528,0.347030511587,0.60363227149,0.731684439881,0.984607714504,0.288696007683,0.167180805,0.547406607513,0.850057515475,0.668231990873,0.588879483347,0.507621795761,0.869603602865,0.940029502384,0.420407951307,0.167707267918,0.65142357179,0.0328661341448,0.127172353472,0.707052427085,0.0969125263557,0.465069884185,0.222045505664,0.447825770083,0.704700913989,0.594373309682,0.270938520514,0.230554021341,0.373351894124,0.455124182262,0.146308930043,0.520685964924,0.471676268621,0.88868034146,0.991001393473,0.806479347951,0.0953932088725,0.557250995385,0.181397593945,0.51000075674,0.810688132787,0.324066863415,0.698320283645,0.904842197076,0.23695084901,0.538481886285,0.278857237465,0.062077464943,0.653386871261,0.773069999928,0.12314287189,0.155725764134,0.418590262835,0.304986034139,0.927856451944,0.180332981885,0.759850286716,0.565558643095,0.877658636947,0.216565117465,0.146353125512,0.238468213524,0.198066796185,0.0600205629138,0.886574224127,0.432300027388,0.798739435378,0.834106533162,0.229434732452,0.0905569159636,0.554986822099,0.798718723752,0.416649084296,0.246222971192,0.459848625467,0.808930491822,0.757095647212,0.18906389219,0.291493905127,0.384853454398,0.525599916033,0.510391165299,0.601444571953,0.067375547435,0.270600041911,0.978331789278,0.411054402058,0.622009289446,0.845397035182,0.887380106186,0.542870416916,0.568805050638,0.537089672755,0.767863834706,0.99266288197,0.207326570845,0.130612288097,0.204611860487,0.216434610662,0.675595903817,0.799284359208,0.695073905865,0.113303241578,0.232234409043,0.773063225597,0.315415053106,0.298697843466,0.793749803072,0.717007224118,0.453218235476,0.240736024722,0.520397851447,0.219666990213,0.363397438849,0.0813379691183,0.723126262742,0.44185112782,0.591654888617,0.540783873193,0.509838719338,0.737644510131,0.354408893313,0.371441715352,0.426567239576,0.257632990019,0.179105926529,0.277561217377,0.369546807183,0.961649249898,0.535202106515,0.951810927206,0.673469120811,0.956126628287,0.554332062134,0.0914283670259,0.419505231292,0.165995419072,0.324420657516,0.275537206891,0.147629240229,0.88932366256,0.432154906121,0.900583646587,0.634292129811,0.303289285156,0.931685087185,0.365842447417,0.615217186838,0.394265939658,0.460670052306,0.339389210405,0.513254701244,0.231128320078,0.486672313842,0.42377525748,0.819064790721,0.966979044363,0.735994306477,0.473229885353,0.591087978774,0.214441243842,0.777901759967,0.362273946337,0.0987145602772,0.439050119069,0.713659767911,0.635534567254,0.182861148814,0.991105829216,0.435771635677,0.518275990577,0.744564867885,0.0595572686568,0.0064528775721,0.185815644968,0.462945233823,0.767189255602,0.917645033463,0.641889159197,0.136093060242,0.292123987058,0.905916780317,0.433329860553,0.513990522322,0.03448480443,0.154965412911,0.762407371232,0.773216475349,0.382428147801,0.115380536964,0.858834825682,0.173665575407,0.0658429119275,0.514394941824,0.313872137655,0.88442985921,0.584436467765,0.881039023522,0.924698677056,0.748386994442,0.199619695371,0.368940611265,0.361995936904,0.85803438288,0.274618102843,0.745351408132,0.276312703056,0.300754590322,0.529191360716,0.873354352144,0.451521983838,0.836141837692,0.154618799873,0.149530350469,0.835002226725,0.117595803087,0.919907026949,0.391999571365,0.367720879538,0.174081453695,0.247081116259,0.228210760806,0.521328164212,0.801582289433,0.0478412360449,0.552069101445,0.617347940568,0.326863225373,0.82367663459,0.669974276066,0.202387820069,0.441094162238,0.838790103497,0.381471395218,0.498071394095,0.768260353759,0.185702967076,0.546279117304,0.67920736134,0.475974268449,0.529436668698,0.928195243922,0.253828671799,0.865025441348,0.624721144129,0.331904503228,0.241314219421,0.600204820506,0.420100553948,0.267389689835,0.531642970637,0.406725812312,0.919218755806,0.491786423041,0.289139723564,0.302244764265,0.0261679991723,0.951099075968,0.663156473007,0.592713524872,0.518189270276,0.181012175636,0.540403474299,0.161047302242,0.773839466829,0.622055045022,0.816906665667,0.10512280611,0.487312702619,0.109450240291,0.859751370591,0.806498741267,0.52216024212,0.871215047518,0.516877046769,0.998938715872,0.388490595733,0.998511110658,0.568550340783,0.698217079828,0.981470582441,0.43677205637,0.40174149627,0.599209497841,0.97521927094,0.109922730917,0.703989755827,0.83500480097,0.279201491362,0.291196010076,0.098123239109,0.725500518293,0.22291520945,0.0660425122883,0.335223319663,0.842695204623,0.0528478155626,0.668572957636,0.894506377027,0.671114926496,0.0207471127054,0.0741368493849,0.561253713258,0.855736928066,0.290844814448,0.205975669521,0.322801103965,0.489757745048,0.906272852616,0.0204594001914,0.199288284608,0.401080768973,0.477539454519,0.537687173508,0.164785643694,0.33474321164,0.880068212061,0.31291288294,0.777501764592,0.128695863746,0.0459279497465,0.194978989792,0.858490680249,0.533275103987,0.643395327489,0.725932061637,0.632054219218,0.165144915519,0.18902002594,0.202283126015,0.0744634983742,0.51860808686,0.304919373133,0.584812361515,0.954265891961,0.864819868478,0.23056283447,0.0612489515945,0.394888966254,0.85616003332,0.577673898052,0.713437237389,0.212490625225,0.666308224582,0.979506565873,0.193588990206,0.998703961899,0.505888956782,0.0446018480459,0.836705041735,0.13389980663,0.222034386671,0.359138826569,0.415063566822,0.849848434298,0.951374846328,0.373901484843,0.366149709354,0.0574414242871,0.469390873226,0.502667197037,0.0952050395372,0.0538806549509,0.708460349357,0.935829359513,0.264458997204,0.00741471461533,0.53303308057,0.962150361696,0.0634928038636,0.0615236492494,0.259179138689,0.807442375607,0.119802177831,0.373324766872,0.960230593639,0.752033913441,0.875553745092,0.31951170769,0.263730032837,0.369503669398,0.165439575932,0.472851390113,0.75525394301,0.473732194397,0.748102047092,0.555765247162,0.434432155152,0.395315484454,0.776460396296,0.834122140091,0.893937897338,0.367756546818,0.779633711054,0.69259080052,0.315061712149,0.45119115889,0.261002303138,0.727815938315,0.824279548144,0.302582034145,0.858402178013,0.0651571353378,0.11506931604,0.0197507019121,0.446220241707,0.306744971294,0.157028629477,0.403144286483,0.296649899816,0.476751073328,0.288452973648,0.773287583731,0.516822642734,0.666290039681,0.557064890313,0.367433941206,0.137303952326,0.864660179576,0.921613892104,0.589786895418,0.0494723969092,0.821603066616,0.682992743255,0.361611610027,0.340988573865,0.887236889066,0.643632084724,0.36304704871,0.430392718001,0.0772904200161,0.857834544759,0.665599961214,0.532601157623,0.770859703434,0.711627160271,0.0628028520648,0.996535564715,0.774986723697,0.90698865831,0.978840222619,0.238438733216,0.00943296296802,0.632889745799,0.407368604753,0.216025340026,0.210432850703,0.102404227884,0.0497339047459,0.539338953555,0.0575251965242,0.948068870751,0.728416971358,0.989876144442,0.71881431196,0.4087932973,0.485618002535,0.566133131654,0.401327075943,0.422528746604,0.438174610938,0.173926565539,0.59004708927,0.483083837807,0.922337996099,0.697258776097,0.868901996587,0.509620104058,0.627180991751,0.236527749666,0.690218071604,0.154925146557,0.552044906205,0.674397938553,0.607970272475,0.659682634868,0.227534975463 0.264997870425,0.0789023764107,0.917629247699,0.88656507934,0.167122191028,0.749281199792,0.401938803657,0.360757550342,0.566283035442,0.270769779533,0.820937379695,0.839622719014,0.113202048925,0.445592549829,0.399837896671,0.122745662977,0.2518628973,0.249121404442,0.634183327316,0.249883878428,0.281993105441,0.781771709085,0.508623079233,0.0508216772542,0.148269068919,0.759223642589,0.594037316463,0.689586693467,0.643709245607,0.554751794372,0.136083444204,0.834031941188,0.414685742439,0.71875750265,0.227087312073,0.370333123919,0.455885160798,0.796370648068,0.254994703047,0.582698034524,0.18565618367,0.505873668293,0.66167185595,0.761651106986,0.945419741345,0.675462269144,0.908760191846,0.0855825082611,0.0110046665753,0.292140189824,0.519331325797,0.0955280784627,0.65329961498,0.939870757621,0.507169090608,0.0325632208633,0.103295699168,0.83489142572,0.806736798594,0.405884043585,0.151768997653,0.00885154882906,0.13287448166,0.802092819419,0.336741057625,0.0717845929393,0.686993508397,0.0765885760293,0.49573387924,0.482854607817,0.721532630368,0.641363298628,0.162895530117,0.0670043773608,0.394578850128,0.984337137904,0.469414610481,0.809496790842,0.0118380368985,0.96190643978,0.432349363309,0.545035453414,0.342043124154,0.0527990653617,0.75395205199,0.0407243342779,0.687610030328,0.669930892457,0.788282458825,0.397138665827,0.149315141453,0.542153586006,0.5683035601,0.864197908647,0.230309841774,0.776416734987,0.265855019106,0.436874896214,0.319729720943,0.887544694134,0.00717304102308,0.64234601697,0.530226506807,0.329431486919,0.243307344007,0.938594034159,0.525328781577,0.0261726931839,0.564309302667,0.0323596009844,0.779316991139,0.239153679556,0.818657431288,0.105608188041,0.351254534898,0.67033831286,0.595608880299,0.82927227318,0.814169141364,0.935589547861,0.304956373596,0.683991668678,0.318963989368,0.504388193058,0.783180371308,0.80081839569,0.979540693825,0.914053823693,0.311452906079,0.600014513637,0.57635772032,0.350574942659,0.869640127133,0.268998020578,0.933495186915,0.743586832827,0.358810605525,0.395466736428,0.904160367631,0.289987267656,0.91286674458,0.481843437079,0.41524862418,0.737372402604,0.720231603834,0.922108477671,0.420881012951,0.882409462689,0.955603868411,0.39841818535,0.217348724285,0.90328200252,0.593276938712,0.147852906939,0.312769891119,0.48701810605,0.0449061448575,0.833946678772,0.360123489283,0.134103942276,0.0441397655782,0.0244252017446,0.580723416353,0.902888351637,0.252827672114,0.389301566113,0.95711585796,0.931652090988,0.321257472276,0.308982432632,0.470711212709,0.0987557859449,0.181940706272,0.330108281052,0.103503788785,0.456954937576,0.880626272593,0.358004439425,0.348023664276,0.670651963231,0.177957054047,0.442649625237,0.0120890337827,0.951850013926,0.869297966979,0.902104714678,0.583505608474,0.320654845145,0.285819561015,0.612777373211,0.207069464404,0.285827280338,0.756828056527,0.0644403201344,0.581575151278,0.895594442987,0.65890203227,0.71854257709,0.362451794513,0.267128469476,0.513765518141,0.448766535204,0.807305380512,0.452773088482,0.134931452149,0.159513187304,0.623671892655,0.695953450875,0.282715373102,0.123915054223,0.596002984939,0.849185770366,0.768202495322,0.395928693578,0.0498150278232,0.679939885884,0.518845377711,0.426987055708,0.462477491216,0.620495628952,0.774471386445,0.902081842713,0.503778385163,0.255534205796,0.320292295418,0.337849005959,0.726834540777,0.143433710322,0.131229653537,0.834003083783,0.499954339738,0.629495330105,0.188561781651,0.542048118945,0.486836072703,0.273377622189,0.537105749541,0.734862011506,0.463032503659,0.0819095223231,0.738286340738,0.0203982465946,0.581384839232,0.000582560154509,0.316843223005,0.32522899597,0.124917890932,0.0487134151635,0.450955299542,0.771547450811,0.889617409738,0.849753247808,0.660822590787,0.502455208512,0.912074849597,0.188100534793,0.344482840829,0.893356711371,0.572409583215,0.145490465344,0.825255086702,0.869906360776,0.196320899903,0.1736443031,0.0683561292807,0.0493910962012,0.0859137230979,0.880986452002,0.919327139948,0.419097294993,0.510906378215,0.475598883306,0.86000612326,0.869514140157,0.788359216526,0.274026379922,0.796041447179,0.192503387897,0.546847101781,0.804777840197,0.51850524241,0.508858495388,0.768900194177,0.25672843355,0.146739926975,0.605175387664,0.013556130988,0.249077934506,0.15542822849,0.863083163149,0.49323675986,0.737830101863,0.895374096631,0.799786606168,0.527722341198,0.714700772799,0.401489421153,0.104738573573,0.298294505841,0.951864741379,0.529327889004,0.864797018004,0.237848464723,0.922405423167,0.82494433732,0.0895099150675,0.639874949181,0.543332261271,0.380853284429,0.827011107238,0.849388290156,0.0644453317879,0.377221233867,0.504722804425,0.881562645262,0.0550880767056,0.520704923358,0.246426718987,0.635847137138,0.599191261747,0.366550829176,0.275016584006,0.463370363568,0.375038444431,0.132346832509,0.0126671817983,0.457290705494,0.869014069247,0.647348153884,0.187321164741,0.816885100581,0.256245622523,0.919850478885,0.844402490464,0.525182138722,0.486997660598,0.0727665728036,0.397687693666,0.135610629294,0.544469594889,0.894601395164,0.437645544905,0.480847823648,0.505367638601,0.986028808426,0.936168430273,0.334402977896,0.90693459496,0.239071745698,0.245666291684,0.717428507401,0.0757087239408,0.0277242788054,0.417170674374,0.267099986139,0.89993442161,0.650874758955,0.543907606311,0.632164674413,0.158083132324,0.368941349917,0.789818220452,0.364626213968,0.347538490506,0.731812576413,0.535612007382,0.729216918854,0.088882460015,0.304445276853,0.480230628315,0.00519404038353,0.431086339824,0.0126944917706,0.850413509399,0.747833792854,0.970895591877,0.491351332248,0.34443072029,0.938751322466,0.341124462682,0.044876911393,0.49375566624,0.877055813761,0.71993095271,0.540202894706,0.826075150231,0.0737008974696,0.844751929644,0.901170879955,0.319756044747,0.383417867423,0.752213940152,0.477729137619,0.0517823319916,0.829166693893,0.477308136864,0.154530659463,0.383312357366,0.3349792543,0.73914697729,0.703253659412,0.218060861845,0.166894349535,0.252495795316,0.529204725675,0.550814959967,0.0508859166945,0.21271882841,0.486724619591,0.452450244382,0.214750111793,0.0674327863979,0.933573477206,0.126088656629,0.275528269861,0.959672982574,0.530887670096,0.85192595304,0.830699316559,0.998583794115,0.0682593297932,0.247300388664,0.909404656341,0.352180437117,0.610600777672,0.962025932255,0.74016959978,0.0661733409382,0.158308507181,0.00708125235077,0.358806087326,0.0568094595363,0.289067212615,0.360653340471,0.0630545769129,0.082733139464,0.237674233527,0.102285654105,0.776812688951,0.871782825389,0.0695015692037,0.207467702913,0.964287557321,0.872043847851,0.457136843859,0.31949425136,0.319043321627,0.292896026532,0.00668009064427,0.173543363927,0.15896564012,0.822918223608,0.96717053773,0.176154255091,0.853797218078,0.191999155052,0.148893005608,0.843849010388,0.0178486651344,0.6542182772,0.766359745089,0.992905979162,0.09223842768,0.532184459815,0.743174565538,0.891347558273,0.869841463752,0.173325377823,0.653450565065,0.18703411064,0.0709673429802,0.0950162199002,0.728779482437,0.571076720485,0.459329469896,0.14218354523,0.226187416084,0.62091502513,0.974462301306,0.403278083481,0.575676231054,0.223574327389,0.402706026727,0.0463073029528,0.044463643807,0.878994927338,0.940854886519,0.412593437685,0.292139818894,0.338818171194,0.813002389485,0.597348811506,0.0271162174888,0.108983008556,0.924926075177,0.0391282204375,0.254405101766,0.0523512121142,0.679326581003,0.710658289795,0.709724148701,0.543585714187,0.269078600168,0.327919752522,0.0371512450844,0.61263224699,0.997655496507,0.263826339055,0.822714434148,0.380895926045,0.38864327249,0.906070585104,0.379564174965,0.962018828751,0.82316606585,0.337244343032,0.669359678641,0.184873088408,0.663091975283,0.755448716506,0.0900343725476,0.164325625187,0.062734821095,0.26121963397,0.754506418679,0.717023091427,0.39691344661,0.65282634907,0.105094142384,0.559781267249,0.856170684337,0.16942419492,0.560335309852,0.632752329679,0.0289501406496,0.9806144532,0.874442340518,0.137718811299,0.338519025915,0.824046248221,0.200622220822,0.163004396395,0.00566075514316,0.68488239235,0.683981927181,0.694358142206,0.821260861382,0.373289240211,0.712372512956,0.227500920494,0.927558285437,0.80445448105,0.0276780101167,0.667998451305,0.981580271894,0.666290012923,0.815267232703,0.337010442365,0.947917742143,0.332380758579,0.668189408163,0.60550656403,0.119506833341,0.889037038412,0.982695794174,0.740226430614,0.235456416663,0.458876741556,0.169016064954,0.7749545963,0.629508559287,0.584737416888,0.0331824042362,0.823598862442,0.871692364818,0.4815096901,0.725115087409,0.635618953288,0.00790370426787,0.315458499584,0.340991158302,0.686175619588,0.852835742593,0.0238503513015,0.477807600113,0.0507640897462,0.493201416075,0.653097588017,0.958983936387,0.720453408048,0.531119928379,0.91125479364,0.484311431252,0.771118064852,0.383480660643,0.420202342828,0.366703494383,0.507854105189,0.404286880807,0.861381209455,0.63881057437,0.435604710513,0.560480069118,0.965722321426,0.30259530852,0.833006637646,0.204086830835,0.918695015248,0.0831164344036,0.852102098814,0.36089376954,0.960379823491,0.47631685466,0.389284811628,0.766971968902,0.216660564216,0.967689921313,0.973600292124,0.42448951909,0.215379832968,0.11117723678,0.287533430069,0.0753643695976,0.135801327838,0.879041625665,0.68509547267,0.0223910063316,0.329378129013,0.0118358018687,0.0475012904582,0.448805433248,0.993760106129,0.217202151479,0.100321351254,0.0935714354856,0.793414082858,0.357708554234,0.229396732127,0.694952570382,0.933479194174,0.589766396115,0.167074996486,0.772754011286,0.65814090701,0.499434411601,0.182065748004,0.156126067272,0.225865063455,0.405140203694,0.774349565779,0.482853833918,0.718670402636,0.476917029031,0.800808230625,0.378684119074,0.417439044732,0.697402025541,0.813835948108,0.689253362573,0.740982787708,0.201234979132,0.889379656988,0.990228776121,0.595710825631,0.595258933652,0.600875482837,0.985485760787,0.95490971883,0.660529973488,0.0507142581301,0.489681882691,0.744606869046,0.968492562407,0.039046887806,0.237278670128,0.456182608671,0.0412997884842,0.840410276277,0.501537418492,0.991292431271,0.475057754342,0.524569705871,0.546881412634,0.778894427194,0.0242881817979,0.725972098581,0.372788710635,0.164114510633,0.486978793357,0.793357626264,0.526556783243,0.522684315226,0.358504514738,0.334106804796,0.369168865076,0.0071191541824,0.862366715341,0.715671711076,0.965719245566,0.791681679498,0.0780517111488,0.971406012254,0.178779870782,0.476516129318,0.84613115353,0.71694950151,0.16411513983,0.734975213658,0.780772206411,0.808503281873,0.901714857638,0.854735746238,0.991877902342,0.177490480511,0.836120173247,0.862431310581,0.119187408399,0.106192955371,0.155206860355,0.788649108597,0.845633922955,0.229495502025,0.715502796165,0.364099977121,0.1742801272,0.395966889308,0.5157551772,0.322910390104,0.13438015894,0.850025828846,0.421009393302,0.0145502691292,0.975529659638,0.343702908166,0.0523001273082,0.550354519355,0.248022204162,0.84025052705,0.643125681643,0.795297438629,0.229361846833,0.91166774219,0.547804638275,0.769269166865,0.112403941086,0.997121722321,0.583196849336,0.373474184853,0.986237042673,0.136103759906,0.0127799787002,0.0803220613545,0.976032166432,0.732992639151,0.39781241581,0.16812611383,0.826065821671,0.413910851839,0.311195759158,0.880606707689,0.900593954105,0.457901814602,0.596862399793,0.328550787232,0.554805393749,0.130746445834,0.691085620751,0.88095104817,0.966248441797,0.552557587575,0.603749645143,0.977645379164,0.18228887975,0.838103645702,0.300078344881,0.338334973831,0.965130405513,0.789472070987,0.683737921846,0.281807194666,0.213313401483,0.968835103268,0.278774069448,0.653162632567,0.266207575642,0.0515488324871,0.710981857949,0.662126999117,0.493901183233,0.699636564475,0.767694017958,0.078734682905,0.893069252232,0.993618598184,0.808201094597,0.71251947169,0.254457595633,0.453221879822,0.811976776777,0.498714627186,0.126888963087,0.210278372046,0.435815211811,0.609238629743,0.431397199624,0.445448064026,0.271956818201,0.813011924284,0.701385487509,0.0787756439045,0.244686775754,0.107838930598,0.289879896903,0.00933201848748,0.507736921709,0.959358169624,0.760535634012,0.963820681651,0.467833668815,0.586877420683,0.560606379118,0.964486045464,0.0531244974008,0.944808288414,0.980590291838,0.517029366747,0.388889251628,0.975593177919,0.500015932836,0.419807745696,0.237777485403,0.632020231696,0.333293428067,0.224829755753,0.874145627345,0.373831574985,0.991209912607,0.218683303428,0.168815257848,0.518320041223,0.3822397778,0.0806510526218,0.452552360832,0.628690936906,0.552309197009,0.193332194126,0.0738870877753,0.0476476262171,0.587408646376,0.611515439652,0.428721727792,0.749555269984,0.90127914875,0.982881315484,0.278947731693,0.190778150426,0.671398319274,0.558617584184,0.944664815094,0.982471707524,0.599433572471,0.780413597166,0.76274697718,0.917682098981,0.503051748487,0.890687060111,0.21651231314,0.62825479659,0.0558732612672,0.43838728151,0.867563262151,0.431255909252,0.980269814456,0.619448311682,0.601369876507,0.340925476534,0.647901670745,0.574566618898,0.18064070856,0.130990989595,0.730367167785,0.326952094913,0.0361898209244,0.390716541996,0.646912958693,0.345685305991,0.625384582864,0.421761183595,0.35865993942,0.0289055369597,0.922150131158,0.503588876392,0.956979261293,0.436260308142,0.672642059681,0.945010918474,0.264244669586,0.928159302677,0.0182809728152,0.879127385406,0.166021233937,0.683593274825,0.702171153366,0.725846015285,0.667813704695,0.261765359458,0.191212366342,0.575507132387,0.353315901964,0.0551839658072,0.385230684715,0.0975395883081,0.285964811722,0.594154993822,0.25201614751,0.742925082972,0.900502145065,0.670269570809,0.44384307583,0.166296495255,0.398507372933,0.864004688512,0.00157554286748,0.460920830316,0.484603024493,0.421745003778,0.522526901695,0.31070445968,0.199976540519,0.124309105564,0.284454664979,0.851251753865,0.939967713256,0.81334237759,0.234403977035,0.260069104273,0.856367634869,0.149016526418,0.435551845736,0.344759910955,0.336757231825,0.336379194008,0.965685501887,0.902254182549,0.337657876611,0.100867564932,0.0744469997069,0.616743190553,0.310152969884,0.165113288729,0.246510565672,0.78912834763,0.455658045516,0.916932950525,0.921705801192,0.017844856657,0.159623975731,0.154571889279,0.493034189588,0.778060550618,0.0505920648898,0.536411119425,0.298991420076,0.419092014786,0.345996467533,0.262644199388,0.709158122753,0.595288277347,0.822465915745,0.282674134493,0.824065650009,0.921703411922,0.999785662333,0.483598490446,0.340887746604,0.461972845652,0.66628547812,0.0230286305827,0.38811707743,0.804760845508,0.0319244942298,0.447303666192,0.101411466282,0.187928728175,0.839412899117,0.831853973581,0.302495339598,0.799890196944,0.498691360854,0.491163349744,0.43842583217,0.0528984454683,0.643211213235,0.778445910781,0.832797589766,0.215100216339,0.593419751627,0.713574307481,0.313594217657,0.0768916568484 0.957626294283,0.206726658585,0.926388787325,0.902022947209,0.221791733185,0.297898532178,0.508613457122,0.942322006604,0.163448326127,0.1667193872,0.690164728519,0.610001141144,0.909682797966,0.411291409282,0.645628737897,0.0989984063316,0.56772234834,0.515675431229,0.761237324543,0.960233837369,0.513636802061,0.82898999252,0.181205643327,0.822395130616,0.980421639758,0.729466578944,0.340800618931,0.608145356063,0.0706590496024,0.0277642079965,0.156417650328,0.755750965669,0.983656063988,0.349818673647,0.123638111093,0.680180619622,0.777585789469,0.278481781065,0.9568393897,0.0977309917813,0.283086724797,0.651733412284,0.444533300085,0.642505566818,0.327749941614,0.212325215371,0.279202010944,0.427912136471,0.552009061078,0.281658707079,0.497304252428,0.833241774711,0.633287044256,0.631495630528,0.167113902122,0.0866517380624,0.298036584111,0.562940689298,0.959253999931,0.694455363155,0.494832905355,0.458023269888,0.00483698922473,0.00747642660691,0.482121252421,0.708387533764,0.823942083193,0.00847397750487,0.812726102986,0.912996810748,0.516375305689,0.605469843067,0.567476200119,0.317592369444,0.0846116656784,0.052210617601,0.762837846205,0.496364935092,0.42419310541,0.163424299127,0.00337656723666,0.464510621313,0.00493042066437,0.949232051215,0.25322442713,0.631836012236,0.459829810866,0.141754832893,0.218549279681,0.0762507409305,0.892332623088,0.240635227639,0.990907519885,0.43947870766,0.796668131577,0.585297213959,0.115194289683,0.80042542241,0.22010436517,0.905262337237,0.15727518697,0.90589227006,0.958453995839,0.795269211213,0.949766633633,0.749851870226,0.928026102796,0.409591210801,0.744026773852,0.185258095595,0.347568639835,0.79716174824,0.889533580537,0.440178154237,0.307998314879,0.23589388218,0.34950931271,0.644745594273,0.695684044037,0.729172729281,0.0703960625877,0.381087264651,0.424307898814,0.42137078315,0.332512774946,0.526528663898,0.429454825758,0.329405089263,0.0445530297979,0.0076317652922,0.936791903207,0.348310422301,0.107879459244,0.976824027245,0.592822388737,0.499392803112,0.243941670805,0.06434028914,0.0357845630025,0.0570867937146,0.281025058104,0.847416456509,0.538444782172,0.43870922441,0.954829593487,0.37102550881,0.478425874969,0.607583065326,0.983241590464,0.181920171916,0.0640685978298,0.152385999797,0.0952850075523,0.578593308543,0.437243356347,0.494540277247,0.881322080749,0.147197433029,0.215760692219,0.166873152747,0.204711250668,0.194303029103,0.280203707664,0.831218336128,0.274498776126,0.397714565165,0.348036969036,0.0662645335121,0.57699116003,0.682093762667,0.33175503872,0.00441594423407,0.210042797071,0.465073474537,0.0185563478287,0.930509353911,0.511256827917,0.639147638263,0.00467830805377,0.0695552713499,0.860968517073,0.322383940833,0.0500739159412,0.522896276187,0.471110530305,0.424540996665,0.600980377545,0.89610266993,0.194635049262,0.397481847102,0.900474494321,0.559645391068,0.912340111892,0.906100886268,0.62081793558,0.944054257331,0.762207953897,0.85610696905,0.747158555084,0.866980443991,0.0917814275989,0.284076303271,0.695797389029,0.163585234649,0.572263611706,0.682457530676,0.69332072399,0.0669466229301,0.804567608556,0.433432702628,0.936201262438,0.341545712182,0.0584086534038,0.340078474821,0.596941927357,0.740891642956,0.585033213036,0.150167373842,0.679736225274,0.123715070935,0.0151136237946,0.712151340627,0.406839064141,0.810009110527,0.231785863033,0.700915589091,0.0248488887004,0.992007163731,0.11490054137,0.392076103997,0.255231670733,0.382798664902,0.399666115407,0.885308560181,0.0191570788551,0.0129675904746,0.857613414605,0.256661284863,0.0702449027476,0.848550852519,0.462230754734,0.90157288972,0.965271834659,0.901330028407,0.959114334178,0.770347119771,0.561867832497,0.306820343371,0.531366959887,0.174847277627,0.347509672478,0.481521152245,0.568227421612,0.878578725288,0.119774327226,0.0258141629408,0.995403115064,0.0221104603638,0.293382319169,0.384471231244,0.884242264804,0.748282882235,0.667837792371,0.175051118222,0.288758472985,0.603667258326,0.285544777753,0.580530501814,0.085694421144,0.487690280018,0.310579897174,0.343990091845,0.359287287048,0.71808033954,0.673646070083,0.0519733967809,0.348651935188,0.653960453271,0.0966051480567,0.995321048975,0.129753822503,0.650999534026,0.472262289153,0.818221769587,0.522850779427,0.245168435075,0.806578241621,0.134378744262,0.854740165907,0.2176911735,0.17945704552,0.934112950099,0.59049020609,0.53193274961,0.358364512602,0.230409369742,0.744938851056,0.499204076472,0.876026702299,0.254252927164,0.261749711824,0.329531151096,0.650911921072,0.330606693513,0.174114972647,0.460042438908,0.202557019643,0.708961338352,0.0822339430755,0.481834067558,0.119299898037,0.165551771386,0.183975930979,0.653525136052,0.645016377484,0.0149267786412,0.106943190078,0.0527468198248,0.633543617415,0.922601478467,0.204680826955,0.74477044308,0.225873336854,0.586824835979,0.0277938208379,0.538649500656,0.437008112003,0.669866238873,0.938985791149,0.711933927744,0.146386566732,0.186734785619,0.675501802451,0.81640936935,0.378766474795,0.277861620866,0.717015879859,0.423959499695,0.273724267593,0.895627024317,0.715480234427,0.440220562668,0.669159578684,0.878157192343,0.00914178505926,0.860584611324,0.00294830849036,0.247170646916,0.696392617583,0.81660767558,0.540923099075,0.68171514886,0.0900592680835,0.392240536767,0.881322005111,0.344671519524,0.877533385714,0.887196052039,0.916553844502,0.346571276356,0.580240647273,0.471409013,0.630553009218,0.425516099494,0.441207353383,0.926754261362,0.707266244472,0.405535479835,0.910081684088,0.00543408021959,0.694232075871,0.727183992249,0.701880782589,0.876710523521,0.502454144493,0.875967491634,0.0157713142377,0.0434291311266,0.7773427655,0.940141076852,0.84416093693,0.439042708181,0.237311099327,0.199482856713,0.68933290526,0.549529745956,0.532529297306,0.638484660185,0.627131350925,0.445938834855,0.210062827688,0.882681366297,0.939179651077,0.533077626729,0.277940945597,0.400058993942,0.448749892446,0.77072321578,0.217305875972,0.367666979495,0.31671012082,0.177211449745,0.97868712394,0.391178206494,0.384087432366,0.658713882854,0.599864015622,0.362852993737,0.534367896061,0.950109057628,0.755472489955,0.28753130825,0.935696077691,0.0300611204687,0.019115268203,0.198427295782,0.459350812054,0.895869975548,0.249344622361,0.621469935609,0.400949847634,0.969255549928,0.839270765081,0.0594983510571,0.517729803276,0.923588331714,0.311097738337,0.0919322868183,0.183259812696,0.908084572325,0.49479378964,0.961205209559,0.291227270837,0.772105806126,0.759284738146,0.387728021074,0.491045787123,0.212209417218,0.425508653713,0.223470201397,0.155252611154,0.639504536028,0.355809529253,0.987499113685,0.427727188612,0.783883214986,0.930087350823,0.00335439871023,0.789518436623,0.337342473622,0.65841642396,0.599800660087,0.0552607506037,0.795816353084,0.200801750413,0.262312789138,0.769067589489,0.425553087352,0.942262097918,0.0942810311299,0.140208609122,0.359335948288,0.797927069977,0.916947860647,0.832186116881,0.171833284019,0.368487455114,0.471535249684,0.399456889858,0.883250603704,0.560478346702,0.418297773067,0.466711151447,0.0524064570196,0.6714394534,0.374395953791,0.709883704635,0.95367848981,0.347153053079,0.137109128441,0.743522980717,0.976984155038,0.406375449309,0.388900292487,0.705207556437,0.186695974106,0.622564116092,0.0399135538863,0.488220104415,0.146052626384,0.391801295432,0.204426846735,0.00139481179833,0.257921796121,0.539261423265,0.944975054466,0.825526077974,0.790294623367,0.184231104815,0.783412544262,0.708082703051,0.418166740411,0.641811337452,0.530565013041,0.524695383805,0.497616698178,0.120420696659,0.918623368183,0.888757478315,0.622735585334,0.753237661153,0.635123984194,0.812069160987,0.793364978347,0.14842048125,0.339967138429,0.439255868215,0.346038542735,0.597385160933,0.600608986434,0.226524349794,0.18891343633,0.902904156988,0.34784586643,0.518560169211,0.146915860664,0.475281753547,0.790243529722,0.402130923055,0.71496597472,0.02995906421,0.0863235219413,0.0676688722161,0.344491313821,0.838061881664,0.145794568671,0.433627542849,0.574720402149,0.675665031051,0.884293380065,0.295566857027,0.733124177186,0.0562858077802,0.176620503922,0.404805960272,0.0568105962995,0.501637425983,0.166621178137,0.967608086314,0.994624450223,0.216774610498,0.801841229334,0.0547473646867,0.79881505726,0.891448928002,0.894996663807,0.0874851040153,0.224350963215,0.310916514528,0.0924225308446,0.486518965139,0.0982217996503,0.605395680715,0.179951026159,0.136235568164,0.850890803728,0.564123431861,0.0158992778476,0.345442171452,0.890355411443,0.162586514253,0.192312498958,0.886913706407,0.339318102243,0.793409444301,0.393899521911,0.326724666021,0.680089288816,0.286337014555,0.38104395685,0.0959809775891,0.162873252803,0.853678599019,0.723030688645,0.784371137936,0.472921765166,0.575297609778,0.118010130338,0.955398378511,0.460243871994,0.522245965619,0.10458161316,0.727167700756,0.199054335695,0.247643967745,0.233624596775,0.454731081137,0.628592800113,0.531399014755,0.989952991786,0.898216498536,0.953713998085,0.31606758796,0.472680063943,0.481057887063,0.519684856946,0.0436788059492,0.556093832252,0.787391639241,0.596344219957,0.136278954244,0.457071833168,0.578941685664,0.679769838792,0.228944854123,0.41025787537,0.311720889197,0.963278922355,0.844640852999,0.68917355495,0.681092355318,0.267570461932,0.209449842322,0.231008892292,0.112464088884,0.123251255138,0.541643819239,0.743973112045,0.47207993671,0.0737054729605,0.260036828233,0.996895191177,0.0831354092898,0.486044521743,0.611919562613,0.447303918101,0.547753971391,0.0385802639137,0.838118296514,0.619732725203,0.784872625199,0.187304588694,0.601104534087,0.520436676823,0.842102717756,0.64089912756,0.747347220297,0.760726680127,0.573264144673,0.16415330804,0.44740405667,0.368532810367,0.526392606222,0.650490863418,0.576179874435,0.576355347257,0.433394088089,0.442294738795,0.58254371653,0.643380205548,0.235237073937,0.894521867259,0.446007609567,0.062293021209,0.778867819806,0.952872269682,0.724712169346,0.602177262188,0.717815174992,0.712139911345,0.0758424035673,0.733283083627,0.256254025693,0.696063949948,0.637469346286,0.556269680818,0.548725972786,0.152510124667,0.847884185708,0.755713906958,0.390846693936,0.132263523757,0.24332504495,0.726716100563,0.848197831596,0.824686156973,0.0544269535499,0.722229446985,0.164727449098,0.653161767173,0.108759441565,0.757363993766,0.943332353386,0.923736903012,0.0375647220984,0.737730259145,0.700135375639,0.181063437108,0.33566635468,0.161735234888,0.523026299191,0.554666009093,0.155082606196,0.628859086789,0.488940308856,0.237157542042,0.66383524391,0.974576920876,0.246734796755,0.572303863684,0.901704421871,0.567761607931,0.222325792517,0.506080175905,0.0910770718174,0.572670890971,0.449039653927,0.94448670018,0.613920466153,0.785359656071,0.412582702362,0.124012336654,0.492241357502,0.949766258313,0.1147715539,0.310486951524,0.874101145583,0.40793150917,0.558528927273,0.137500979521,0.412526452342,0.532154767519,0.0817115304906,0.84083328332,0.342757053729,0.809261965319,0.729750927566,0.748262295726,0.841370392603,0.0252711283,0.968714887134,0.217986747022,0.103601247075,0.391518231662,0.578970752262,0.185327169268,0.303986844201,0.348061545912,0.206490891193,0.262560358793,0.615904744369,0.291778850484,0.653300685213,0.943870577818,0.77771906843,0.237994207076,0.86919197743,0.700886645279,0.974028116517,0.77899383045,0.436477439624,0.747406005803,0.653132162762,0.400237386755,0.963393950382,0.645608140757,0.901329387376,0.371390828189,0.958864652819,0.300146235026,0.890278324166,0.394900420793,0.789857814264,0.938682123236,0.111629894025,0.985883128331,0.563649238836,0.783052446657,0.662039169007,0.298305492268,0.354181494621,0.942385694824,0.234815773484,0.645781719279,0.0608240884393,0.681511537135,0.0984792051037,0.0271596330147,0.564206966867,0.940506076874,0.874314986311,0.471443087693,0.298982688601,0.603512543891,0.95685605272,0.965443514122,0.384551145324,0.613142894822,0.232197306019,0.401504705709,0.239624825066,0.432386419144,0.00717668653747,0.328742333161,0.151909085405,0.277200622419,0.523633023348,0.932188924503,0.723851076017,0.934118267656,0.841571250034,0.709974333008,0.869694458972,0.926764314542,0.381982642673,0.94251217381,0.334473410465,0.257578141675,0.0123852142942,0.176865873625,0.62978209377,0.316556987044,0.613410645739,0.257438613262,0.223107976384,0.955767409765,0.575765718397,0.0882571576671,0.289646744269,0.9598565096,0.0228201652772,0.168671602237,0.719257656315,0.629921847235,0.495058683867,0.0556286269076,0.185672718877,0.594075489994,0.683736055747,0.23016924321,0.93491301075,0.135508933045,0.697092790218,0.193335536092,0.963577283366,0.480490744742,0.0988981560706,0.298991407884,0.322504553897,0.0727209146785,0.957094101963,0.965210893265,0.174258338999,0.820648368268,0.256171861796,0.808710603966,0.308862858742,0.830862706223,0.906680416749,0.57180078917,0.46756454785,0.0642285603167,0.730297813345,0.861960396342,0.995464598941,0.314759981006,0.938606144273,0.369132347357,0.676700613002,0.561269471192,0.233910449824,0.622306330924,0.878925472096,0.522533129186,0.0375086297491,0.386337739847,0.540820011019,0.556533982284,0.00900047203463,0.00720450854823,0.995027418441,0.365072488049,0.924944260624,0.315353773884,0.546723416321,0.0180508098058,0.606357649902,0.883927408059,0.21609724213,0.224076483646,0.851996811663,0.831641715953,0.671892286102,0.469804219355,0.844893685205,0.946474266961,0.0460812049129,0.60756862559,0.675676603806,0.588825188217,0.136390109671,0.0258691534941,0.0646713871098,0.456502695384,0.956523199495,0.47880257505,0.643849047578,0.88241720281,0.42854768051,0.354732081179,0.285427686147,0.509218335186,0.759869435616,0.62501127412,0.462583569322,0.0842675988024,0.240945610557,0.0825549690857,0.397902488212,0.683420593194,0.0662121432421,0.468074847268,0.00645691654464,0.521942988247,0.792458453468,0.1990041524,0.561160102604,0.564874676043,0.840288033811,0.73428198449,0.556944653547,0.85898760934,0.270271766499,0.763771463644,0.86780081169,0.195920553449,0.705880634741,0.595075857112,0.242842524977,0.969944224273,0.483286497107,0.0137214561536,0.0772678183377,0.673305790501,0.506254769802,0.12816853746,0.235542059056,0.731798902292,0.124450390337,0.599365524363,0.966242095256,0.0264622977789,0.740240124807,0.715841568882,0.960196335097,0.992823252164,0.658236489045,0.320620701045,0.31369590653,0.0611537505996,0.109925468646,0.112946054381,0.879996573537,0.997299398321,0.856857748139,0.293651024312,0.246033305737,0.466602433173,0.102443227373,0.364438307407,0.859325472206,0.276492405198,0.955125827944,0.632354997904,0.814732311591,0.565366937543,0.0910467692468,0.937281138979,0.951372970574,0.880534919051,0.2714103527,0.137919589745,0.389981547129,0.238381438817,0.0415416604948,0.787640811461,0.475265000359,0.0705923670684,0.89056479385,0.423206744549,0.514825181622,0.872148835944,0.494514148766,0.554181723657,0.642934903529,0.55496032983,0.486513844629,0.505443041899,0.346946622555,0.844648846472 diff --git a/models/match/dssm/data/train/train.txt b/models/match/dssm/data/train/train.txt new file mode 100644 index 0000000000000000000000000000000000000000..44e028404f639c832a03752d6c46feef5ce9e216 --- /dev/null +++ b/models/match/dssm/data/train/train.txt @@ -0,0 +1,128 @@ +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 diff --git a/models/match/dssm/model.py b/models/match/dssm/model.py index 46e9715bc1f68472c831fe661796b3ae27cb0fbe..7b0164971ff7f91eea5c5413ec7941690a1a7ebe 100755 --- a/models/match/dssm/model.py +++ b/models/match/dssm/model.py @@ -73,6 +73,7 @@ class Model(ModelBase): query_fc = fc(inputs[0], self.hidden_layers, self.hidden_acts, ['query_l1', 'query_l2', 'query_l3']) + doc_pos_fc = fc(inputs[1], self.hidden_layers, self.hidden_acts, ['doc_pos_l1', 'doc_pos_l2', 'doc_pos_l3']) R_Q_D_p = fluid.layers.cos_sim(query_fc, doc_pos_fc) @@ -93,7 +94,7 @@ class Model(ModelBase): prob = fluid.layers.softmax(concat_Rs, axis=1) hit_prob = fluid.layers.slice( - prob, axes=[0, 1], starts=[0, 0], ends=[4, 1]) + prob, axes=[0, 1], starts=[0, 0], ends=[8, 1]) loss = -fluid.layers.reduce_sum(fluid.layers.log(hit_prob)) avg_cost = fluid.layers.mean(x=loss) self._cost = avg_cost diff --git a/models/match/dssm/readme.md b/models/match/dssm/readme.md new file mode 100644 index 0000000000000000000000000000000000000000..c3d8799ce9e3496e265009bd51ab2f5f3f35aebc --- /dev/null +++ b/models/match/dssm/readme.md @@ -0,0 +1,181 @@ +# DSSM文本匹配模型 + +以下是本例的简要目录结构及说明: + +``` +├── data #样例数据 + ├── train + ├── train.txt #训练数据样例 + ├── test + ├── test.txt #测试数据样例 + ├── preprocess.py #数据处理程序 +├── __init__.py +├── README.md #文档 +├── model.py #模型文件 +├── config.yaml #配置文件 +├── synthetic_reader.py #读取训练集的程序 +├── synthetic_evaluate_reader.py #读取测试集的程序 +├── transform.py #将数据整理成合适的格式方便计算指标 +├── run.sh #全量数据集中的训练脚本,从训练到预测并计算指标 + +``` + +注:在阅读该示例前,建议您先了解以下内容: + +[paddlerec入门教程](https://github.com/PaddlePaddle/PaddleRec/blob/master/README.md) + +## 内容 + +- [模型简介](#模型简介) +- [数据准备](#数据准备) +- [运行环境](#运行环境) +- [快速开始](#快速开始) +- [效果复现](#效果复现) +- [进阶使用](#进阶使用) +- [FAQ](#FAQ) + + +## 模型简介 +DSSM是Deep Structured Semantic Model的缩写,即我们通常说的基于深度网络的语义模型,其核心思想是将query和doc映射到到共同维度的语义空间中,通过最大化query和doc语义向量之间的余弦相似度,从而训练得到隐含语义模型,达到检索的目的。DSSM有很广泛的应用,比如:搜索引擎检索,广告相关性,问答系统,机器翻译等。 +DSSM 的输入采用 BOW(Bag of words)的方式,相当于把字向量的位置信息抛弃了,整个句子里的词都放在一个袋子里了。将一个句子用这种方式转化为一个向量输入DNN中。 +Query 和 Doc 的语义相似性可以用这两个向量的 cosine 距离表示,然后通过softmax 函数选出与Query语义最相似的样本 Doc 。 + +模型的具体细节可以阅读论文[DSSM](https://www.microsoft.com/en-us/research/wp-content/uploads/2016/02/cikm2013_DSSM_fullversion.pdf): +

+ +

+ +## 数据准备 +我们公开了自建的测试集,包括百度知道、ECOM、QQSIM、UNICOM 四个数据集。这里我们选取百度知道数据集来进行训练。执行以下命令可以获取上述数据集。 +``` +wget --no-check-certificate https://baidu-nlp.bj.bcebos.com/simnet_dataset-1.0.0.tar.gz +tar xzf simnet_dataset-1.0.0.tar.gz +rm simnet_dataset-1.0.0.tar.gz +``` + +## 运行环境 +PaddlePaddle>=1.7.2 + +python 2.7/3.5/3.6/3.7 + +PaddleRec >=0.1 + +os : windows/linux/macos + +## 快速开始 +本文提供了样例数据可以供您快速体验,在paddlerec目录下执行下面的命令即可快速启动训练: + +``` +python -m paddlerec.run -m models/match/dssm/config.yaml +``` + +输出结果示例: +``` +PaddleRec: Runner train_runner Begin +Executor Mode: train +processor_register begin +Running SingleInstance. +Running SingleNetwork. +file_list : ['models/match/dssm/data/train/train.txt'] +Running SingleStartup. +Running SingleRunner. +!!! The CPU_NUM is not specified, you should set CPU_NUM in the environment variable list. +CPU_NUM indicates that how many CPUPlace are used in the current task. +And if this parameter are set as N (equal to the number of physical CPU core) the program may be faster. +export CPU_NUM=32 # for example, set CPU_NUM as number of physical CPU core which is 32. +!!! The default number of CPU_NUM=1. +I0821 06:56:26.224299 31061 parallel_executor.cc:440] The Program will be executed on CPU using ParallelExecutor, 1 cards are used, so 1 programs are executed in parallel. +I0821 06:56:26.231163 31061 build_strategy.cc:365] SeqOnlyAllReduceOps:0, num_trainers:1 +I0821 06:56:26.237023 31061 parallel_executor.cc:307] Inplace strategy is enabled, when build_strategy.enable_inplace = True +I0821 06:56:26.240788 31061 parallel_executor.cc:375] Garbage collection strategy is enabled, when FLAGS_eager_delete_tensor_gb = 0 +batch: 2, LOSS: [4.538238] +batch: 4, LOSS: [4.16424] +batch: 6, LOSS: [3.8121371] +batch: 8, LOSS: [3.4250507] +batch: 10, LOSS: [3.2285979] +batch: 12, LOSS: [3.2116117] +batch: 14, LOSS: [3.1406002] +epoch 0 done, use time: 0.357971906662, global metrics: LOSS=[3.0968776] +batch: 2, LOSS: [2.6843479] +batch: 4, LOSS: [2.546976] +batch: 6, LOSS: [2.4103594] +batch: 8, LOSS: [2.301374] +batch: 10, LOSS: [2.264183] +batch: 12, LOSS: [2.315862] +batch: 14, LOSS: [2.3409634] +epoch 1 done, use time: 0.22123003006, global metrics: LOSS=[2.344321] +batch: 2, LOSS: [2.0882485] +batch: 4, LOSS: [2.006743] +batch: 6, LOSS: [1.9231766] +batch: 8, LOSS: [1.8850241] +batch: 10, LOSS: [1.8829436] +batch: 12, LOSS: [1.9336565] +batch: 14, LOSS: [1.9784685] +epoch 2 done, use time: 0.212922096252, global metrics: LOSS=[1.9934461] +PaddleRec Finish +``` +## 效果复现 +为了方便使用者能够快速的跑通每一个模型,我们在每个模型下都提供了样例数据。如果需要复现readme中的效果,请按如下步骤依次操作即可。 +1. 确认您当前所在目录为PaddleRec/models/match/dssm +2. 在data目录下载并解压数据集,命令如下: +``` +cd data +wget --no-check-certificate https://baidu-nlp.bj.bcebos.com/simnet_dataset-1.0.0.tar.gz +tar xzf simnet_dataset-1.0.0.tar.gz +rm simnet_dataset-1.0.0.tar.gz +``` +3. 本文提供了快速将数据集中的汉字数据处理为可训练格式数据的脚本,您在解压数据集后,可以看见目录中存在一个名为zhidao的文件。然后能可以在python3环境下运行我们提供的preprocess.py文件。即可生成可以直接用于训练的数据目录test.txt,train.txt和label.txt。将其放入train和test目录下以备训练时调用。命令如下: +``` +mv data/zhidao ./ +rm -rf data +python3 preprocess.py +rm -f ./train/train.txt +mv train.txt ./train +rm -f ./test/test.txt +mv test.txt test +cd .. +``` +经过预处理的格式: +训练集为三个稀疏的BOW方式的向量:query,pos,neg +测试集为两个稀疏的BOW方式的向量:query,pos +label.txt中对应的测试集中的标签 + +4. 退回dssm目录中,打开文件config.yaml,更改其中的参数 + +将workspace改为您当前的绝对路径。(可用pwd命令获取绝对路径) +将dataset_train中的batch_size从8改为128 +将文件model.py中的 hit_prob = fluid.layers.slice(prob, axes=[0, 1], starts=[0, 0], ends=[8, 1]) + 改为hit_prob = fluid.layers.slice(prob, axes=[0, 1], starts=[0, 0], ends=[128, 1]).当您需要改变batchsize的时候,end中第一个参数也需要随之变化 + +5. 执行脚本,开始训练.脚本会运行python -m paddlerec.run -m ./config.yaml启动训练,并将结果输出到result文件中。然后启动transform.py整合数据,最后计算出正逆序指标: +``` +sh run.sh +``` + +输出结果示例: +``` +................run................. +!!! The CPU_NUM is not specified, you should set CPU_NUM in the environment variable list. +CPU_NUM indicates that how many CPUPlace are used in the current task. +And if this parameter are set as N (equal to the number of physical CPU core) the program may be faster. + +export CPU_NUM=32 # for example, set CPU_NUM as number of physical CPU core which is 32. + +!!! The default number of CPU_NUM=1. +I0821 07:16:04.512531 32200 parallel_executor.cc:440] The Program will be executed on CPU using ParallelExecutor, 1 cards are used, so 1 programs are executed in parallel. +I0821 07:16:04.515708 32200 build_strategy.cc:365] SeqOnlyAllReduceOps:0, num_trainers:1 +I0821 07:16:04.518872 32200 parallel_executor.cc:307] Inplace strategy is enabled, when build_strategy.enable_inplace = True +I0821 07:16:04.520995 32200 parallel_executor.cc:375] Garbage collection strategy is enabled, when FLAGS_eager_delete_tensor_gb = 0 +75 +pnr: 2.25581395349 +query_num: 11 +pair_num: 184 184 +equal_num: 44 +正序率: 0.692857142857 +97 43 +``` +6. 提醒:因为采取较小的数据集进行训练和测试,得到指标的浮动程度会比较大。如果得到的指标不合预期,可以多次执行步骤5,即可获得合理的指标。 + +## 进阶使用 + +## FAQ diff --git a/models/match/dssm/run.sh b/models/match/dssm/run.sh new file mode 100644 index 0000000000000000000000000000000000000000..5248d311a3d2b6365dff9ce2bd08fd75f2e599ee --- /dev/null +++ b/models/match/dssm/run.sh @@ -0,0 +1,24 @@ +# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +#!/bin/bash +echo "................run................." +python -m paddlerec.run -m ./config.yaml >result1.txt +grep -i "query_doc_sim" ./result1.txt >./result2.txt +sed '$d' result2.txt >result.txt +rm -f result1.txt +rm -f result2.txt +python transform.py +sort -t $'\t' -k1,1 -k 2nr,2 pair.txt >result.txt +rm -f pair.txt +python ../../../tools/cal_pos_neg.py result.txt diff --git a/models/match/dssm/transform.py b/models/match/dssm/transform.py new file mode 100644 index 0000000000000000000000000000000000000000..3740ed7c094fc0ea84ff69fd1c10b7af79fb94a8 --- /dev/null +++ b/models/match/dssm/transform.py @@ -0,0 +1,54 @@ +# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import random +import numpy as np +import sklearn.metrics + +label = [] +filename = './data/label.txt' +f = open(filename, "r") +f.readline() +num = 0 +for line in f.readlines(): + num = num + 1 + line = line.strip() + label.append(line) +f.close() +print(num) + +filename = './result.txt' +sim = [] +for line in open(filename): + line = line.strip().split(",") + line[1] = line[1].split(":") + line = line[1][1].strip(" ") + line = line.strip("[") + line = line.strip("]") + sim.append(float(line)) + +filename = './data/test/test.txt' +f = open(filename, "r") +f.readline() +query = [] +for line in f.readlines(): + line = line.strip().split("\t") + query.append(line[0]) +f.close() + +filename = 'pair.txt' +f = open(filename, "w") +for i in range(len(sim)): + f.write(str(query[i]) + "\t" + str(sim[i]) + "\t" + str(label[i]) + "\n") +f.close() diff --git a/models/match/match-pyramid/readme.md b/models/match/match-pyramid/readme.md index c0aaa483d1517cd8cb61e45dddb94716c7ec9639..2960d58e64b80bed8f4c5b0f6f2ff67ce14aed00 100644 --- a/models/match/match-pyramid/readme.md +++ b/models/match/match-pyramid/readme.md @@ -1,6 +1,42 @@ # match-pyramid文本匹配模型 -## 介绍 +以下是本例的简要目录结构及说明: + +``` +├── data #样例数据 + ├── process.py #数据处理脚本 + ├── relation.test.fold1.txt #评估计算指标时用到的关系文件 + ├── train + ├── train.txt #训练数据样例 + ├── test + ├── test.txt #测试数据样例 +├── __init__.py +├── README.md #文档 +├── model.py #模型文件 +├── config.yaml #配置文件 +├── data_process.sh #数据下载和处理脚本 +├── eval.py #计算指标的评估程序 +├── run.sh #一键运行程序 +├── test_reader.py #测试集读取程序 +├── train_reader.py #训练集读取程序 +``` + +注:在阅读该示例前,建议您先了解以下内容: + +[paddlerec入门教程](https://github.com/PaddlePaddle/PaddleRec/blob/master/README.md) + +## 内容 + +- [模型简介](#模型简介) +- [数据准备](#数据准备) +- [运行环境](#运行环境) +- [快速开始](#快速开始) +- [论文复现](#论文复现) +- [进阶使用](#进阶使用) +- [FAQ](#FAQ) + + +## 模型简介 在许多自然语言处理任务中,匹配两个文本是一个基本问题。一种有效的方法是从单词,短语和句子中提取有意义的匹配模式以产生匹配分数。受卷积神经网络在图像识别中的成功启发,神经元可以根据提取的基本视觉模式(例如定向的边角和边角)捕获许多复杂的模式,所以我们尝试将文本匹配建模为图像识别问题。本模型对齐原作者庞亮开源的tensorflow代码:https://github.com/pl8787/MatchPyramid-TensorFlow/blob/master/model/model_mp.py, 实现了下述论文中提出的Match-Pyramid模型: ```text @@ -19,8 +55,23 @@ 3.关系文件:关系文件被用来存储两个句子之间的关系,如query 和document之间的关系。例如:relation.train.fold1.txt, relation.test.fold1.txt 4.嵌入层文件:我们将预训练的词向量存储在嵌入文件中。例如:embed_wiki-pdc_d50_norm -## 数据下载和预处理 -本文提供了数据集的下载以及一键生成训练和测试数据的预处理脚本,您可以直接一键运行:bash data_process.sh +## 运行环境 +PaddlePaddle>=1.7.2 +python 2.7/3.5/3.6/3.7 +PaddleRec >=0.1 +os : windows/linux/macos + +## 快速开始 + +本文提供了样例数据可以供您快速体验,在paddlerec目录下直接执行下面的命令即可启动训练: + +``` +python -m paddlerec.run -m models/match/match-pyramid/config.yaml +``` + +## 论文复现 +1. 确认您当前所在目录为PaddleRec/models/match/match-pyramid +2. 本文提供了原数据集的下载以及一键生成训练和测试数据的预处理脚本,您可以直接一键运行:bash data_process.sh 执行该脚本,会从国内源的服务器上下载Letor07数据集,删除掉data文件夹中原有的relation.test.fold1.txt和relation.train.fold1.txt,并将完整的数据集解压到data文件夹。随后运行 process.py 将全量训练数据放置于`./data/train`,全量测试数据放置于`./data/test`。并生成用于初始化embedding层的embedding.npy文件 执行该脚本的理想输出为: ``` @@ -69,9 +120,11 @@ data/embed_wiki-pdc_d50_norm [./data/relation.test.fold1.txt] Instance size: 13652 ``` +3. 打开文件config.yaml,更改其中的参数 + +将workspace改为您当前的绝对路径。(可用pwd命令获取绝对路径) -## 一键训练并测试评估 -本文提供了一键执行训练,测试和评估的脚本,您可以直接一键运行:bash run.sh +4. 随后,您直接一键运行:bash run.sh 即可得到复现的论文效果 执行该脚本后,会执行python -m paddlerec.run -m ./config.yaml 命令开始训练并测试模型,将测试的结果保存到result.txt文件,最后通过执行eval.py进行评估得到数据的map指标 执行该脚本的理想输出为: ``` @@ -79,16 +132,7 @@ data/embed_wiki-pdc_d50_norm 13651 336 ('map=', 0.420878322843591) -``` - -## 每个文件的作用 -paddlerec可以: -通过config.yaml规定模型的参数 -通过model.py规定模型的组网 -使用train_reader.py读取训练集中的数据 -使用test_reader.py读取测试集中的数据。 -本文额外提供: -data_process.sh用来一键处理数据 -run.sh用来一键启动训练,直接得出测试结果 -eval.py通过保存的测试结果,计算map指标 -如需详细了解paddlerec的使用方法请参考https://github.com/PaddlePaddle/PaddleRec/blob/master/README_CN.md 页面下方的教程。 +``` +## 进阶使用 + +## FAQ diff --git a/models/match/match-pyramid/run.sh b/models/match/match-pyramid/run.sh index 3eccc10a990d563ed1dd5db2ad8ec3a73042ee69..9384899ee30b145f9d10ff66f9bdf6a18b1d8860 100644 --- a/models/match/match-pyramid/run.sh +++ b/models/match/match-pyramid/run.sh @@ -1,6 +1,6 @@ #!/bin/bash echo "................run................." python -m paddlerec.run -m ./config.yaml >result1.txt -grep -A1 "prediction" ./result1.txt >./result.txt +grep -i "prediction" ./result1.txt >./result.txt rm -f result1.txt python eval.py diff --git a/models/match/multiview-simnet/config.yaml b/models/match/multiview-simnet/config.yaml index d6e0af5b568280bf55480eae8d209cc3dd771903..9c418fe8430f0a204b4a44bec01bcfb3e29c1346 100755 --- a/models/match/multiview-simnet/config.yaml +++ b/models/match/multiview-simnet/config.yaml @@ -18,12 +18,12 @@ workspace: "models/match/multiview-simnet" # list of dataset dataset: - name: dataset_train # name of dataset to distinguish different datasets - batch_size: 2 + batch_size: 128 type: DataLoader # or QueueDataset data_path: "{workspace}/data/train" - sparse_slots: "1 2 3" + sparse_slots: "0 1 2" - name: dataset_infer # name - batch_size: 2 + batch_size: 1 type: DataLoader # or QueueDataset data_path: "{workspace}/data/test" sparse_slots: "1 2" @@ -34,17 +34,17 @@ hyper_parameters: class: Adam learning_rate: 0.0001 strategy: async - query_encoder: "bow" - title_encoder: "bow" + query_encoder: "gru" + title_encoder: "gru" query_encode_dim: 128 title_encode_dim: 128 - sparse_feature_dim: 1000001 + sparse_feature_dim: 1439 embedding_dim: 128 hidden_size: 128 margin: 0.1 # select runner by name -mode: train_runner +mode: [train_runner,infer_runner] # config of each runner. # runner is a kind of paddle training class, which wraps the train/infer process. runner: @@ -62,12 +62,14 @@ runner: save_inference_fetch_varnames: [] # fetch vars of save inference init_model_path: "" # load model path print_interval: 1 + phases: phase1 - name: infer_runner class: infer # device to run training or infer device: cpu print_interval: 1 - init_model_path: "increment/0" # load model path + init_model_path: "increment/1" # load model path + phases: phase2 # runner will run all the phase in each epoch phase: @@ -75,7 +77,7 @@ phase: model: "{workspace}/model.py" # user-defined model dataset_name: dataset_train # select dataset by name thread_num: 1 -#- name: phase2 -# model: "{workspace}/model.py" # user-defined model -# dataset_name: dataset_infer # select dataset by name -# thread_num: 1 +- name: phase2 + model: "{workspace}/model.py" # user-defined model + dataset_name: dataset_infer # select dataset by name + thread_num: 1 diff --git a/models/match/multiview-simnet/data/preprocess.py b/models/match/multiview-simnet/data/preprocess.py new file mode 100644 index 0000000000000000000000000000000000000000..414281150661a016cb83a055ac82837a58ccdb32 --- /dev/null +++ b/models/match/multiview-simnet/data/preprocess.py @@ -0,0 +1,128 @@ +# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +#encoding=utf-8 + +import os +import sys +import numpy as np +import random + +f = open("./zhidao", "r") +lines = f.readlines() +f.close() + +#建立字典 +word_dict = {} +for line in lines: + line = line.strip().split("\t") + text = line[0].split(" ") + line[1].split(" ") + for word in text: + if word in word_dict: + continue + else: + word_dict[word] = len(word_dict) + 1 + +f = open("./zhidao", "r") +lines = f.readlines() +f.close() + +lines = [line.strip().split("\t") for line in lines] + +#建立以query为key,以负例为value的字典 +neg_dict = {} +for line in lines: + if line[2] == "0": + if line[0] in neg_dict: + neg_dict[line[0]].append(line[1]) + else: + neg_dict[line[0]] = [line[1]] + +#建立以query为key,以正例为value的字典 +pos_dict = {} +for line in lines: + if line[2] == "1": + if line[0] in pos_dict: + pos_dict[line[0]].append(line[1]) + else: + pos_dict[line[0]] = [line[1]] + +#划分训练集和测试集 +query_list = list(pos_dict.keys()) +#print(len(query_list)) +random.shuffle(query_list) +train_query = query_list[:90] +test_query = query_list[90:] + +#获得训练集 +train_set = [] +for query in train_query: + for pos in pos_dict[query]: + if query not in neg_dict: + continue + for neg in neg_dict[query]: + train_set.append([query, pos, neg]) +random.shuffle(train_set) + +#获得测试集 +test_set = [] +for query in test_query: + for pos in pos_dict[query]: + test_set.append([query, pos, 1]) + if query not in neg_dict: + continue + for neg in neg_dict[query]: + test_set.append([query, neg, 0]) +random.shuffle(test_set) + +#训练集中的query,pos,neg转化格式 +f = open("train.txt", "w") +for line in train_set: + query = line[0].strip().split(" ") + pos = line[1].strip().split(" ") + neg = line[2].strip().split(" ") + query_list = [] + for word in query: + query_list.append(word_dict[word]) + pos_list = [] + for word in pos: + pos_list.append(word_dict[word]) + neg_list = [] + for word in neg: + neg_list.append(word_dict[word]) + f.write(' '.join(["0:" + str(x) for x in query_list]) + " " + ' '.join([ + "1:" + str(x) for x in pos_list + ]) + " " + ' '.join(["2:" + str(x) for x in neg_list]) + "\n") +f.close() + +#测试集中的query和pos转化格式 +f = open("test.txt", "w") +fa = open("label.txt", "w") +fb = open("testquery.txt", "w") +for line in test_set: + query = line[0].strip().split(" ") + pos = line[1].strip().split(" ") + label = line[2] + query_list = [] + for word in query: + query_list.append(word_dict[word]) + pos_list = [] + for word in pos: + pos_list.append(word_dict[word]) + f.write(' '.join(["0:" + str(x) for x in query_list]) + " " + ' '.join( + ["1:" + str(x) for x in pos_list]) + "\n") + fa.write(str(label) + "\n") + fb.write(','.join([str(x) for x in query_list]) + "\n") +f.close() +fa.close() +fb.close() diff --git a/models/match/multiview-simnet/data/test/test.txt b/models/match/multiview-simnet/data/test/test.txt index cfb0675ff714459bc47d1e54bb1c707770238296..a9691d88873bf334ad9dddf125a115d3ccb692f4 100755 --- a/models/match/multiview-simnet/data/test/test.txt +++ b/models/match/multiview-simnet/data/test/test.txt @@ -1,10 +1,104 @@ -224289:0 126379:0 284519:0 549329:0 750666:0 393772:0 586898:0 736887:0 48785:0 906517:0 229162:1 483485:1 739835:1 29957:1 694497:1 997508:1 556876:1 717791:1 232176:1 430356:1 -366182:0 82062:0 708883:0 949128:0 798964:0 639103:0 409033:0 79301:0 405607:0 342616:0 61552:1 560547:1 3760:1 754734:1 98496:1 472427:1 979596:1 750283:1 492028:1 801383:1 -969571:0 405187:0 756217:0 563640:0 572168:0 881952:0 446260:0 692177:0 994140:0 485393:0 509081:1 297377:1 465399:1 934708:1 430949:1 135651:1 484531:1 385306:1 463957:1 996004:1 -436320:0 423131:0 963969:0 78345:0 879550:0 458203:0 684397:0 956202:0 989802:0 526101:0 852446:1 182545:1 625656:1 674856:1 422648:1 74100:1 48372:1 850830:1 336087:1 178251:1 -242683:0 118677:0 20731:0 970617:0 355890:0 739613:0 926695:0 963639:0 201043:0 611907:0 115309:1 310984:1 615584:1 638886:1 575934:1 889389:1 974807:1 570987:1 532482:1 911925:1 -954007:0 122623:0 168195:0 348901:0 217880:0 84759:0 925763:0 436382:0 573742:0 942921:0 553377:1 835046:1 137907:1 933870:1 766585:1 48483:1 543079:1 889467:1 521705:1 906676:1 -798690:0 617323:0 553266:0 232924:0 159461:0 404822:0 52992:0 364854:0 913876:0 547974:0 559472:1 748595:1 71793:1 357331:1 606888:1 477051:1 291481:1 89363:1 503881:1 423029:1 -228207:0 785250:0 661149:0 803304:0 478781:0 495202:0 804509:0 273065:0 26123:0 810840:0 801871:1 146772:1 421009:1 752344:1 946358:1 531668:1 5771:1 191294:1 627329:1 434664:1 -984628:0 762075:0 505288:0 48519:0 72492:0 26568:0 684085:0 613095:0 781547:0 895829:0 280541:1 903234:1 708065:1 386658:1 331060:1 3693:1 279760:1 459579:1 423552:1 962594:1 -674172:0 39271:0 646093:0 757969:0 553251:0 734960:0 967186:0 856940:0 617246:0 376452:0 113050:1 472707:1 975057:1 865095:1 155824:1 389921:1 205520:1 513667:1 163588:1 953463:1 +0:908 0:159 0:909 0:910 0:109 1:911 1:159 1:909 1:910 1:109 +0:210 0:10 0:211 0:14 0:212 1:211 1:210 1:32 1:148 1:212 1:48 1:65 1:65 1:211 1:210 1:33 1:213 1:214 1:48 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:84 1:79 1:80 1:81 1:13 1:78 1:1 1:692 1:144 1:85 1:48 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:84 1:75 1:83 1:78 1:86 1:270 1:85 1:48 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:78 1:79 1:80 1:235 1:144 1:236 1:169 1:237 1:138 1:48 1:22 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:84 1:227 1:228 1:13 1:75 1:229 1:80 1:81 1:4 1:78 1:14 1:39 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:75 1:110 1:4 1:111 1:113 1:68 1:21 1:22 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:75 1:110 1:4 1:111 1:176 1:113 1:68 1:1357 +0:728 0:729 0:509 0:510 0:75 0:68 0:730 0:16 0:731 0:245 1:1105 1:732 1:729 1:509 1:510 1:75 1:68 1:730 1:16 1:731 1:22 +0:155 0:837 0:838 0:839 1:155 1:838 1:1296 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:75 1:110 1:4 1:111 1:113 1:68 1:21 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:83 1:100 1:79 1:81 1:4 1:86 1:82 1:94 1:84 1:85 1:48 1:22 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:75 1:110 1:113 1:68 1:114 1:21 1:22 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:167 1:168 1:13 1:80 1:81 1:144 1:82 1:169 1:170 1:171 1:172 1:148 1:173 1:174 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:84 1:449 1:450 1:80 1:10 1:451 1:13 1:452 1:453 1:6 1:85 1:168 1:81 1:4 1:78 1:22 1:22 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:75 1:110 1:4 1:111 1:230 1:113 1:68 1:114 1:13 1:144 1:113 1:68 1:114 +0:155 0:837 0:838 0:839 1:1371 1:155 1:578 1:838 1:21 1:839 1:22 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:79 1:80 1:81 1:86 1:172 1:83 1:170 1:138 1:48 +0:91 0:421 0:104 0:695 0:96 0:696 0:697 1:421 1:104 1:698 1:67 1:96 1:696 +0:222 0:223 0:224 0:225 0:67 0:96 1:624 1:1238 1:222 1:223 1:224 1:67 1:96 +0:210 0:10 0:211 0:14 0:212 1:211 1:614 1:214 1:86 1:82 1:48 1:65 1:65 1:155 1:212 +0:91 0:421 0:104 0:695 0:96 0:696 0:697 1:421 1:104 1:1406 1:1407 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:75 1:110 1:1222 1:116 1:113 1:68 1:22 +0:91 0:421 0:104 0:695 0:96 0:696 0:697 1:421 1:104 1:695 1:96 1:696 1:1128 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:75 1:233 1:1350 1:4 1:1074 1:113 1:68 1:21 1:70 1:22 +0:222 0:223 0:224 0:225 0:67 0:96 1:222 1:223 1:224 1:419 1:96 1:1054 1:1055 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:167 1:79 1:80 1:81 1:86 1:82 1:83 1:84 1:138 1:48 1:22 +0:222 0:223 0:224 0:225 0:67 0:96 1:222 1:223 1:224 1:67 1:96 +0:222 0:223 0:224 0:225 0:67 0:96 1:222 1:226 1:223 1:224 1:67 1:96 +0:210 0:10 0:211 0:14 0:212 1:210 1:211 1:32 1:4 1:474 1:637 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:84 1:1 1:1211 1:178 1:78 1:13 1:79 1:80 1:81 1:14 1:85 1:22 +0:421 0:456 0:153 0:152 0:159 0:457 1:421 1:920 1:456 1:153 1:152 1:14 1:921 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:75 1:110 1:4 1:111 1:144 1:113 1:68 1:115 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:1106 1:78 1:1107 1:13 1:170 1:1108 1:13 1:1109 1:75 1:79 1:80 1:81 1:13 1:177 1:85 1:577 1:78 1:32 1:170 1:86 1:82 1:48 1:22 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:135 1:78 1:91 1:79 1:78 1:136 1:81 1:4 1:137 1:86 1:82 1:83 1:84 1:138 1:48 +0:421 0:456 0:153 0:152 0:159 0:457 1:153 1:421 1:456 1:152 1:475 1:68 1:476 +0:155 0:837 0:838 0:839 1:155 1:838 1:839 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:576 1:168 1:80 1:81 1:13 1:86 1:80 1:83 1:170 1:48 1:22 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:1070 1:78 1:33 1:67 1:79 1:121 1:80 1:81 1:276 1:162 1:1071 1:1072 1:103 1:13 1:167 1:1073 1:164 1:86 1:8 1:83 1:170 1:6 1:138 1:48 1:22 +0:222 0:223 0:224 0:225 0:67 0:96 1:421 1:936 1:223 1:4 1:937 1:224 1:67 1:96 1:22 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:110 1:144 1:113 1:68 1:1155 1:22 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:79 1:78 1:80 1:81 1:13 1:86 1:82 1:1280 1:4 1:170 1:138 1:48 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:79 1:80 1:81 1:4 1:144 1:8 1:169 1:84 1:171 1:172 1:48 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:170 1:65 1:65 1:168 1:138 1:80 1:1212 1:81 1:65 1:65 1:13 1:65 1:65 1:452 1:172 1:538 1:6 1:80 1:173 +0:728 0:729 0:509 0:510 0:75 0:68 0:730 0:16 0:731 0:245 1:1105 1:732 1:729 1:509 1:510 1:75 1:68 1:730 1:13 1:75 1:68 1:734 1:48 1:22 1:22 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:1070 1:78 1:618 1:81 1:14 1:39 1:86 1:82 1:83 1:170 1:138 1:48 +0:1026 0:1027 0:1028 0:1029 0:1030 0:1031 0:75 0:480 1:1027 1:75 1:480 1:1029 1:4 1:1031 1:65 1:65 1:1032 1:1033 1:1034 1:1029 1:1031 1:1250 +0:728 0:729 0:509 0:510 0:75 0:68 0:730 0:16 0:731 0:245 1:747 1:748 1:729 1:75 1:68 1:730 1:16 1:734 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:79 1:80 1:81 1:65 1:65 1:87 1:82 1:83 1:84 1:80 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:84 1:86 1:1039 1:85 1:168 1:81 1:4 1:78 1:48 1:22 +0:1026 0:1027 0:1028 0:1029 0:1030 0:1031 0:75 0:480 1:1032 1:1033 1:4 1:1034 1:1031 1:22 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:94 1:84 1:79 1:85 1:617 1:4 1:78 1:13 1:87 1:618 1:81 +0:908 0:159 0:909 0:910 0:109 1:911 1:14 1:922 1:910 1:109 1:877 +0:1335 0:409 0:1336 0:10 1:1335 1:409 1:1336 1:10 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:110 1:4 1:111 1:112 1:113 1:68 1:1074 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:1137 1:100 1:895 1:80 1:81 1:13 1:86 1:82 1:83 1:84 1:6 1:138 1:48 1:22 +0:908 0:159 0:909 0:910 0:109 1:908 1:14 1:1311 1:910 1:109 1:877 +0:421 0:456 0:153 0:152 0:159 0:457 1:421 1:153 1:456 1:152 1:14 1:457 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:233 1:234 1:4 1:111 1:112 1:113 1:68 1:114 1:22 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:1186 1:78 1:13 1:79 1:81 1:79 1:1187 1:86 1:82 1:83 1:84 1:6 1:80 1:48 1:22 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:75 1:110 1:4 1:111 1:13 1:113 1:68 1:115 1:769 1:548 1:22 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:168 1:80 1:81 1:65 1:65 1:86 1:8 1:83 1:84 1:80 1:48 +0:210 0:10 0:211 0:14 0:212 1:211 1:427 1:32 1:614 1:212 1:14 1:39 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:110 1:4 1:111 1:112 1:113 1:68 1:114 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:75 1:110 1:4 1:111 1:86 1:113 1:480 1:1283 1:22 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:958 1:170 1:450 1:121 1:80 1:10 1:1428 1:13 1:1429 1:85 1:79 1:81 1:4 1:78 1:13 1:33 1:1251 1:4 1:160 1:137 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:28 1:170 1:439 1:1165 1:1166 1:13 1:133 1:85 1:94 1:168 1:80 1:81 1:4 1:78 1:48 1:22 1:22 +0:222 0:223 0:224 0:225 0:67 0:96 1:421 1:422 1:223 1:224 1:67 1:96 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:75 1:110 1:4 1:111 1:112 1:113 1:68 1:22 1:148 1:112 1:113 1:68 1:22 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:587 1:170 1:80 1:10 1:774 1:10 1:13 1:57 1:51 1:86 1:85 1:94 1:168 1:81 1:4 1:78 1:22 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:951 1:442 1:4 1:111 1:13 1:112 1:113 1:480 1:114 1:22 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:772 1:84 1:144 1:85 1:168 1:80 1:81 1:4 1:78 1:48 1:22 +0:210 0:10 0:211 0:14 0:212 1:210 1:10 1:211 1:14 1:212 +0:222 0:223 0:224 0:225 0:67 0:96 1:222 1:1378 1:223 1:224 1:67 1:96 +0:155 0:837 0:838 0:839 1:49 1:14 1:838 1:839 +0:210 0:10 0:211 0:14 0:212 1:148 1:472 1:473 1:211 1:13 1:210 1:32 1:155 1:474 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:28 1:78 1:80 1:81 1:137 1:1112 1:84 1:450 1:1113 1:81 1:137 1:86 1:85 1:81 1:4 1:78 1:48 1:22 +0:908 0:159 0:909 0:910 0:109 1:911 1:912 1:909 1:910 1:109 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:807 1:78 1:169 1:81 1:94 1:170 1:144 1:80 1:48 1:22 +0:728 0:729 0:509 0:510 0:75 0:68 0:730 0:16 0:731 0:245 1:732 1:729 1:75 1:68 1:730 1:16 1:734 1:22 +0:91 0:421 0:104 0:695 0:96 0:696 0:697 1:104 1:421 1:86 1:695 1:96 1:696 1:9 +0:155 0:837 0:838 0:839 1:1052 1:205 1:155 1:838 1:839 1:70 +0:728 0:729 0:509 0:510 0:75 0:68 0:730 0:16 0:731 0:245 1:732 1:729 1:509 1:510 1:75 1:68 1:730 1:16 1:734 1:22 +0:210 0:10 0:211 0:14 0:212 1:211 1:65 1:65 1:14 1:212 1:65 1:65 1:14 1:1349 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:75 1:110 1:4 1:111 1:882 1:113 1:68 1:21 +0:728 0:729 0:509 0:510 0:75 0:68 0:730 0:16 0:731 0:245 1:1079 1:732 1:729 1:75 1:68 1:730 1:16 1:734 1:22 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:958 1:84 1:959 1:80 1:577 1:14 1:39 1:13 1:79 1:78 1:80 1:81 1:86 1:82 1:169 1:84 1:960 1:48 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:75 1:110 1:4 1:111 1:1074 1:113 1:68 +0:210 0:10 0:211 0:14 0:212 1:211 1:210 1:10 1:14 1:212 1:211 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:75 1:110 1:4 1:111 1:116 1:113 1:68 1:800 1:173 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:168 1:80 1:81 1:4 1:78 1:13 1:423 1:424 1:235 1:4 1:84 1:138 1:48 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:79 1:78 1:121 1:80 1:81 1:86 1:82 1:83 1:170 1:138 1:48 1:22 +0:421 0:456 0:153 0:152 0:159 0:457 1:222 1:39 1:456 1:153 1:152 1:475 1:495 1:737 1:1076 1:102 1:1077 1:1078 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:75 1:110 1:4 1:111 1:112 1:113 1:68 1:114 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:75 1:110 1:4 1:111 1:113 1:68 1:115 1:116 1:22 +0:91 0:421 0:104 0:695 0:96 0:696 0:697 1:421 1:104 1:86 1:695 1:96 1:696 1:9 1:65 1:65 1:104 1:86 1:695 1:96 1:696 1:1128 +0:75 0:110 0:4 0:111 0:112 0:113 0:68 0:114 1:113 1:68 1:114 1:86 1:75 1:110 +0:421 0:456 0:153 0:152 0:159 0:457 1:421 1:1227 1:456 1:152 1:14 1:457 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:79 1:80 1:81 1:86 1:82 1:118 1:170 1:138 1:48 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:79 1:78 1:80 1:81 1:86 1:8 1:1087 1:84 1:80 1:48 +0:1026 0:1027 0:1028 0:1029 0:1030 0:1031 0:75 0:480 1:1391 1:1392 1:13 1:1393 1:1032 1:1033 1:189 1:4 1:629 1:1034 1:1031 1:48 +0:908 0:159 0:909 0:910 0:109 1:908 1:30 1:155 1:922 1:910 1:109 1:877 1:22 +0:728 0:729 0:509 0:510 0:75 0:68 0:730 0:16 0:731 0:245 1:729 1:732 1:733 1:10 1:120 1:75 1:68 1:730 1:16 1:734 +0:77 0:78 0:79 0:80 0:81 0:82 0:83 0:84 0:85 0:86 0:48 1:94 1:78 1:80 1:81 1:65 1:65 1:58 1:94 1:84 1:85 1:206 1:14 1:85 1:22 diff --git a/models/match/multiview-simnet/data/train/train.txt b/models/match/multiview-simnet/data/train/train.txt index 4b26c6c6c2eab44b9f9b29b9fb475c5d018ca92a..6048bf8d2e543c030e88071b2e9bcc17400c1cee 100755 --- a/models/match/multiview-simnet/data/train/train.txt +++ b/models/match/multiview-simnet/data/train/train.txt @@ -1,10 +1,256 @@ -7688:0 589671:0 339543:0 681723:0 339204:0 743067:0 897959:0 897541:0 571340:0 858141:0 68161:1 533957:1 288065:1 755516:1 179906:1 324817:1 116293:1 942079:1 455277:1 787142:1 251765:2 846187:2 586960:2 781883:2 430436:2 240100:2 686201:2 632045:2 585097:2 61976:2 -187966:0 194147:0 640819:0 283848:0 514875:0 310781:0 760083:0 281096:0 837090:0 928087:0 958908:1 451359:1 456136:1 577231:1 373371:1 651928:1 877106:1 721988:1 342265:1 114942:1 668915:2 502190:2 139044:2 213045:2 36710:2 119509:2 450285:2 165440:2 199495:2 798870:2 -477955:0 598041:0 452166:0 924550:0 152308:0 316225:0 285239:0 7967:0 177143:0 132244:0 391070:1 169561:1 256279:1 563588:1 749753:1 237035:1 550804:1 736257:1 71551:1 61944:1 102132:2 484023:2 82995:2 732704:2 114816:2 413165:2 197504:2 686192:2 253734:2 248157:2 -325819:0 140241:0 365103:0 334185:0 357327:0 613836:0 928004:0 595589:0 506569:0 539067:0 638196:1 729129:1 730912:1 701797:1 571150:1 140054:1 680316:1 889784:1 302584:1 676284:1 671069:2 212989:2 318469:2 732930:2 924564:2 147041:2 572412:2 662673:2 418312:2 382855:2 -839803:0 888881:0 957998:0 906486:0 44377:0 247842:0 994783:0 813449:0 168271:0 493685:0 269703:1 156692:1 686681:1 273684:1 312387:1 462033:1 669631:1 635437:1 74337:1 217677:1 582194:2 992666:2 860610:2 660766:2 24524:2 169856:2 882211:2 291866:2 44494:2 984736:2 -327559:0 627497:0 876526:0 243959:0 532929:0 639919:0 443220:0 952110:0 844723:0 372053:0 196819:1 326005:1 62242:1 774928:1 382727:1 348680:1 946697:1 625998:1 276517:1 251595:1 342204:2 825871:2 407136:2 724114:2 611341:2 517978:2 248341:2 111254:2 836867:2 677297:2 -72451:0 749548:0 283413:0 419402:0 67446:0 341795:0 918120:0 892028:0 113151:0 832663:0 758121:1 500602:1 734935:1 577972:1 205421:1 726739:1 276563:1 611928:1 185486:1 603502:1 633117:2 929300:2 332435:2 216848:2 412769:2 708304:2 800045:2 315869:2 444476:2 332565:2 -675647:0 212558:0 654982:0 321053:0 111172:0 635432:0 298523:0 612182:0 203835:0 288250:0 990034:1 891786:1 188524:1 480757:1 436783:1 874434:1 530090:1 492441:1 32835:1 886415:1 688876:2 626030:2 612348:2 208265:2 355885:2 603938:2 349931:2 86683:2 361956:2 705130:2 -164500:0 332294:0 373155:0 320413:0 801561:0 152827:0 28282:0 435913:0 376758:0 367848:0 285596:1 282674:1 357323:1 257195:1 948061:1 996976:1 300918:1 734644:1 870559:1 924205:1 45095:2 61352:2 242258:2 153354:2 763576:2 133542:2 431079:2 193327:2 655823:2 770159:2 -821764:0 184731:0 888413:0 793536:0 30049:0 533675:0 791254:0 92255:0 74185:0 557758:0 795898:1 15689:1 983592:1 248891:1 64421:1 387642:1 315522:1 526054:1 404172:1 704838:1 537016:2 383828:2 438418:2 885895:2 894698:2 228867:2 343213:2 411377:2 149957:2 810795:2 +0:149 0:150 0:151 0:152 0:96 1:181 1:149 1:150 1:968 1:152 1:1019 1:67 1:96 2:418 2:149 2:153 2:152 2:419 2:96 +0:389 0:390 0:391 0:392 1:389 1:390 1:391 1:392 1:137 1:569 1:889 2:389 2:390 2:1375 2:391 2:392 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:272 1:118 1:119 1:605 1:121 1:122 2:123 2:121 2:124 2:125 2:126 2:32 2:13 2:127 2:1 2:124 2:1 2:128 2:4 2:129 2:4 2:130 2:131 2:132 2:133 2:134 2:48 2:22 +0:135 0:56 0:79 0:96 0:97 1:177 1:181 1:44 1:79 1:135 1:56 1:33 1:96 1:97 2:135 2:320 2:4 2:56 2:477 2:75 2:96 2:22 +0:660 0:661 0:662 0:663 0:664 0:665 0:148 0:666 0:14 0:39 1:660 1:450 1:709 1:663 1:664 1:665 1:148 1:666 2:376 2:664 2:706 2:707 2:660 2:13 2:450 2:708 2:709 2:137 2:278 2:665 2:148 2:666 2:13 2:177 2:574 2:509 2:710 2:711 2:4 2:75 2:68 2:712 2:48 2:22 +0:248 0:249 0:67 0:68 0:250 0:248 0:249 0:144 0:9 0:48 0:61 0:251 1:905 1:248 1:249 1:22 1:22 1:571 1:87 1:9 1:22 1:22 2:757 2:758 2:4 2:248 2:249 2:61 2:86 2:9 2:22 +0:262 0:263 0:264 0:265 0:14 0:39 1:928 1:263 1:358 1:265 1:14 1:39 1:22 2:262 2:426 2:264 2:266 2:263 2:962 2:963 2:14 2:39 +0:28 0:4 0:123 0:257 0:273 0:274 0:118 0:136 0:4 0:275 1:257 1:123 1:511 1:274 1:124 1:136 1:512 1:4 1:275 2:28 2:181 2:123 2:257 2:273 2:274 2:118 2:136 2:4 2:275 2:13 2:28 2:304 2:136 2:148 2:10 2:118 2:13 2:67 2:68 2:359 2:768 2:22 +0:15 0:16 0:17 0:4 0:18 0:19 0:20 0:21 0:22 1:18 1:19 1:15 1:16 1:573 1:16 1:17 1:20 1:21 2:15 2:16 2:573 2:19 2:20 2:21 +0:44 0:45 0:46 0:47 0:48 1:44 1:45 1:46 1:47 1:48 2:45 2:44 2:68 2:46 2:47 +0:175 0:86 0:113 0:68 1:217 1:113 1:68 1:218 2:175 2:113 2:68 2:732 2:68 +0:660 0:661 0:662 0:663 0:664 0:665 0:148 0:666 0:14 0:39 1:660 1:662 1:10 1:664 1:665 1:148 1:666 1:137 1:14 1:39 2:664 2:667 2:709 2:708 2:13 2:665 2:148 2:666 2:14 2:39 +0:106 0:107 0:38 0:96 1:349 1:38 1:67 1:96 1:22 2:926 2:927 2:232 2:38 2:67 2:96 +0:248 0:249 0:67 0:68 0:250 0:248 0:249 0:144 0:9 0:48 0:61 0:251 1:905 1:248 1:249 1:22 1:22 1:571 1:87 1:9 1:22 1:22 2:248 2:249 2:86 2:466 2:48 2:173 2:388 2:589 2:68 +0:405 0:340 0:183 1:405 1:610 1:21 1:340 1:48 2:405 2:570 2:340 2:571 2:183 +0:262 0:263 0:264 0:265 0:14 0:39 1:630 1:262 1:263 1:265 1:280 2:262 2:794 2:263 2:265 2:14 2:39 +0:315 0:30 0:14 0:316 0:317 1:315 1:14 1:474 1:395 2:315 2:30 2:14 2:585 2:474 2:317 +0:257 0:30 0:426 0:230 0:427 0:428 1:257 1:30 1:426 1:230 1:427 1:428 2:30 2:230 2:651 2:652 2:67 2:14 2:653 +0:155 0:1 0:2 0:91 0:156 0:157 0:158 1:14 1:1 1:2 1:91 1:157 1:840 1:841 2:157 2:160 2:14 2:91 2:13 2:2 2:86 2:219 2:4 2:103 2:48 +0:248 0:249 0:67 0:68 0:250 0:248 0:249 0:144 0:9 0:48 0:61 0:251 1:248 1:249 1:67 1:68 1:69 1:13 1:466 1:1140 1:48 2:248 2:135 2:144 2:9 2:48 2:22 2:466 2:248 2:249 2:61 2:345 +0:28 0:29 0:30 0:31 0:32 0:33 0:34 0:35 0:28 0:36 0:37 0:16 0:38 0:14 0:39 1:1436 1:30 1:65 1:65 1:31 1:32 1:36 1:10 1:41 1:1437 1:16 1:38 1:14 1:39 1:22 2:29 2:31 2:32 2:388 2:41 2:42 2:16 2:38 2:34 2:10 2:155 2:85 2:22 +0:28 0:4 0:123 0:257 0:273 0:274 0:118 0:136 0:4 0:275 1:123 1:276 1:276 1:276 1:276 1:276 1:276 1:144 1:277 1:275 1:278 1:257 1:273 1:274 1:118 1:136 1:4 1:275 2:28 2:4 2:119 2:136 2:275 2:14 2:118 2:273 2:274 2:13 2:67 2:14 2:653 2:173 +0:56 0:57 0:58 0:1 0:59 0:4 0:60 0:44 1:56 1:86 1:92 1:59 1:4 1:60 1:44 1:93 2:59 2:32 2:13 2:61 2:58 2:6 2:60 2:56 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:1 1:123 1:178 1:117 1:118 1:130 1:16 1:1043 1:120 1:121 1:118 1:122 1:48 2:119 2:132 2:118 2:208 2:48 +0:155 0:1 0:2 0:91 0:156 0:157 0:158 1:155 1:1 1:2 1:91 1:156 1:157 1:160 2:14 2:91 2:156 2:4 2:157 2:221 +0:175 0:86 0:113 0:68 1:175 1:113 1:68 2:175 2:113 2:68 2:114 2:116 +0:315 0:30 0:14 0:316 0:317 1:1153 1:14 1:316 1:395 1:1154 2:315 2:443 2:30 2:14 2:316 2:395 2:444 +0:262 0:263 0:264 0:265 0:14 0:39 1:1020 1:262 1:263 1:357 1:265 1:206 1:14 1:39 1:22 2:1395 2:1396 2:146 2:1397 2:264 2:265 2:14 2:39 2:22 +0:175 0:86 0:113 0:68 1:217 1:113 1:68 1:22 2:175 2:113 2:68 2:218 2:116 2:22 2:22 2:22 2:22 2:22 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:28 1:117 1:118 1:119 1:13 1:118 1:120 1:298 1:48 2:124 2:123 2:42 2:121 2:588 2:10 2:13 2:28 2:208 2:130 2:93 2:22 +0:106 0:107 0:38 0:96 1:106 1:107 1:1304 1:16 1:38 1:67 1:68 2:828 2:107 2:38 +0:405 0:340 0:183 1:405 1:340 1:183 2:405 2:4 2:1195 2:1196 2:13 2:340 2:1197 +0:56 0:57 0:58 0:1 0:59 0:4 0:60 0:44 1:135 1:56 1:592 1:1 1:466 1:4 1:60 1:48 2:929 2:930 2:623 2:13 2:931 2:59 2:216 2:56 2:321 2:57 2:148 2:932 2:933 +0:155 0:1 0:2 0:91 0:156 0:157 0:158 1:1 1:2 1:14 1:219 1:670 1:61 1:220 1:137 2:177 2:91 2:488 2:14 2:219 2:22 +0:262 0:263 0:264 0:265 0:14 0:39 1:262 1:369 1:263 1:1018 1:265 1:14 1:39 2:262 2:426 2:263 2:1018 2:265 2:13 2:268 2:70 2:22 +0:135 0:56 0:79 0:96 0:97 1:177 1:181 1:44 1:79 1:135 1:56 1:33 1:96 1:97 2:135 2:56 2:96 2:97 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:117 1:118 1:4 1:130 1:605 1:121 1:124 1:298 2:121 2:118 2:303 2:123 2:32 2:133 2:134 2:944 2:4 2:130 2:48 +0:389 0:390 0:391 0:392 1:543 1:28 1:389 1:934 1:391 1:392 2:500 2:389 2:390 2:830 2:4 2:391 2:392 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:28 1:117 1:118 1:119 1:13 1:118 1:120 1:298 1:48 2:119 2:831 2:1276 2:130 2:65 2:65 2:454 2:120 2:298 2:48 +0:44 0:45 0:46 0:47 0:48 1:1 1:45 1:178 1:44 1:1111 1:144 1:47 1:48 1:22 2:44 2:45 2:46 2:754 2:148 2:22 +0:284 0:1 0:285 0:286 0:67 0:44 0:68 1:287 1:4 1:1 1:285 1:286 1:151 1:288 1:289 1:290 2:323 2:1 2:324 2:144 2:44 2:68 2:290 +0:421 0:490 1:421 1:490 2:978 2:4 2:490 2:22 +0:175 0:86 0:113 0:68 1:175 1:86 1:113 1:68 1:218 2:175 2:113 2:68 2:732 2:68 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:123 1:117 1:118 1:4 1:130 1:118 1:208 1:48 2:123 2:121 2:118 2:125 2:126 2:10 2:13 2:454 2:133 2:134 2:28 2:129 2:455 2:439 2:4 2:295 2:48 +0:135 0:56 0:79 0:96 0:97 1:135 1:56 1:79 1:33 1:572 1:96 1:97 2:135 2:56 2:79 2:96 2:97 2:13 2:58 2:6 2:623 2:48 2:22 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:1293 1:117 1:118 1:130 1:137 1:65 1:65 1:118 1:57 1:120 1:298 1:70 2:298 2:118 2:4 2:1093 2:13 2:117 2:118 2:4 2:123 2:725 2:16 2:1094 2:120 2:121 2:124 2:298 2:48 +0:175 0:86 0:113 0:68 1:217 1:144 1:113 1:68 2:175 2:113 2:68 2:21 2:22 +0:248 0:249 0:67 0:68 0:250 0:248 0:249 0:144 0:9 0:48 0:61 0:251 1:248 1:249 1:67 1:68 1:69 1:13 1:144 1:9 1:48 1:22 2:248 2:249 2:86 2:9 2:48 2:13 2:120 2:75 2:68 2:1122 2:48 +0:106 0:107 0:38 0:96 1:349 1:4 1:107 1:38 1:67 1:96 2:166 2:107 2:38 2:67 2:96 +0:44 0:45 0:46 0:47 0:48 1:1 1:45 1:44 1:182 1:46 1:13 1:311 1:4 1:144 1:47 1:48 2:45 2:49 2:44 2:50 2:51 2:47 2:48 2:22 +0:56 0:57 0:58 0:1 0:59 0:4 0:60 0:44 1:135 1:1423 1:205 1:67 1:592 1:6 1:59 1:4 1:623 1:26 1:1424 1:67 2:590 2:591 2:56 2:57 2:592 2:103 2:59 2:4 2:60 2:6 2:56 +0:135 0:56 0:79 0:96 0:97 1:135 1:56 1:252 1:96 1:97 2:1164 2:4 2:249 2:44 2:79 2:56 2:96 2:97 +0:283 0:67 0:68 0:69 1:283 1:65 1:65 1:65 1:65 1:65 1:65 1:65 1:65 1:67 1:68 1:69 1:22 2:283 2:67 2:68 2:69 2:1157 +0:155 0:1 0:2 0:91 0:156 0:157 0:158 1:155 1:1 1:2 1:219 1:103 1:61 1:220 1:221 2:155 2:219 2:670 2:4 2:488 2:22 +0:405 0:340 0:183 1:405 1:340 1:183 2:405 2:570 2:340 2:571 2:183 +0:256 0:257 0:120 0:258 1:256 1:258 1:148 1:322 2:256 2:257 2:759 2:258 2:13 2:760 2:65 2:65 2:761 2:762 +0:365 0:366 0:103 0:367 0:14 0:368 1:365 1:366 1:103 1:537 1:14 1:368 2:365 2:537 2:103 2:366 2:14 2:368 +0:660 0:661 0:662 0:663 0:664 0:665 0:148 0:666 0:14 0:39 1:587 1:708 1:10 1:664 1:709 1:13 1:903 1:665 1:148 1:1291 1:14 1:39 1:22 2:706 2:4 2:156 2:660 2:13 2:1009 2:450 2:708 2:13 2:664 2:257 2:665 2:148 2:666 2:22 +0:445 0:14 0:446 0:447 1:1404 1:13 1:445 1:14 1:446 1:447 2:448 2:1013 2:121 2:871 2:4 2:1014 2:447 2:14 2:446 +0:248 0:249 0:67 0:68 0:250 0:248 0:249 0:144 0:9 0:48 0:61 0:251 1:248 1:249 1:67 1:68 1:69 1:13 1:466 1:1140 1:48 2:757 2:758 2:4 2:248 2:249 2:61 2:86 2:9 2:22 +0:284 0:1 0:285 0:286 0:67 0:44 0:68 1:287 1:4 1:1 1:285 1:286 1:151 1:288 1:289 1:290 2:413 2:1 2:1316 2:44 2:68 2:290 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:1293 1:117 1:118 1:130 1:137 1:65 1:65 1:118 1:57 1:120 1:298 1:70 2:148 2:394 2:124 2:924 2:4 2:130 2:120 2:121 2:122 2:48 +0:44 0:45 0:46 0:47 0:48 1:181 1:44 1:45 1:46 1:47 1:48 2:45 2:44 2:68 2:46 2:190 2:47 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:123 1:117 1:118 1:4 1:130 1:118 1:208 1:48 2:123 2:121 2:125 2:126 2:32 2:124 2:133 2:134 2:1040 2:93 +0:155 0:1 0:2 0:91 0:156 0:157 0:158 1:156 1:157 1:810 1:2 1:14 1:91 2:183 2:86 2:1 2:2 2:91 2:128 2:4 2:157 2:158 +0:660 0:661 0:662 0:663 0:664 0:665 0:148 0:666 0:14 0:39 1:660 1:450 1:709 1:663 1:664 1:665 1:148 1:666 2:664 2:660 2:709 2:708 2:51 2:614 2:666 2:13 2:587 2:148 2:364 2:1262 2:10 2:14 2:39 2:22 +0:315 0:30 0:14 0:316 0:317 1:701 1:14 1:702 1:317 2:315 2:443 2:30 2:14 2:316 2:395 2:444 +0:763 0:764 0:765 0:67 0:68 1:763 1:764 1:765 1:67 1:68 2:1035 2:763 2:764 2:765 2:886 2:765 2:67 2:68 2:69 +0:135 0:56 0:79 0:96 0:97 1:151 1:544 1:699 1:56 1:79 1:96 1:97 1:22 2:135 2:151 2:56 2:96 2:97 +0:135 0:56 0:79 0:96 0:97 1:151 1:56 1:79 1:477 1:96 2:318 2:4 2:319 2:320 2:321 2:56 2:33 2:96 2:97 +0:135 0:56 0:79 0:96 0:97 1:135 1:56 1:79 1:33 1:572 1:96 1:97 2:1268 2:135 2:56 2:79 2:477 2:96 +0:15 0:16 0:17 0:4 0:18 0:19 0:20 0:21 0:22 1:635 1:15 1:16 1:17 1:636 1:19 1:21 1:22 2:15 2:16 2:17 2:4 2:19 2:20 2:21 2:22 +0:248 0:249 0:67 0:68 0:250 0:248 0:249 0:144 0:9 0:48 0:61 0:251 1:905 1:248 1:249 1:22 1:22 1:571 1:87 1:9 1:22 1:22 2:603 2:248 2:249 2:86 2:9 2:48 2:22 2:144 2:604 2:249 2:48 2:22 +0:44 0:45 0:46 0:47 0:48 1:44 1:45 1:46 1:47 1:48 2:1 2:45 2:178 2:44 2:68 2:46 2:47 2:70 2:137 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:1 1:123 1:117 1:118 1:4 1:130 1:13 1:454 1:86 1:298 1:28 1:117 1:196 1:48 1:22 2:123 2:121 2:124 2:299 2:130 2:128 2:208 2:48 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:272 1:118 1:119 1:605 1:121 1:122 2:123 2:136 2:10 2:668 2:130 2:669 2:670 2:86 2:117 2:137 2:124 2:120 2:298 2:48 2:22 2:120 2:75 2:671 2:48 2:22 2:672 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:1 1:123 1:178 1:117 1:118 1:130 1:16 1:1043 1:120 1:121 1:118 1:122 1:48 2:123 2:117 2:118 2:218 2:118 2:120 2:298 2:48 2:22 +0:262 0:263 0:264 0:265 0:14 0:39 1:262 1:639 1:264 1:266 1:13 1:263 1:264 1:265 1:13 1:67 1:68 1:359 1:933 1:22 1:33 1:14 1:594 1:240 1:22 2:364 2:420 2:13 2:28 2:4 2:262 2:257 2:263 2:264 2:265 2:22 +0:106 0:107 0:38 0:96 1:106 1:927 1:38 1:67 1:96 1:1354 1:137 1:137 1:137 2:281 2:166 2:4 2:282 2:38 2:67 2:96 +0:56 0:57 0:58 0:1 0:59 0:4 0:60 0:44 1:56 1:592 1:6 1:59 1:4 1:238 1:883 1:60 1:48 2:590 2:57 2:58 2:1 2:466 2:4 2:60 2:56 2:48 +0:28 0:29 0:30 0:31 0:32 0:33 0:34 0:35 0:28 0:36 0:37 0:16 0:38 0:14 0:39 1:28 1:4 1:850 1:31 1:32 1:388 1:1069 1:578 1:34 1:13 1:278 1:28 1:36 1:1069 1:38 1:10 1:13 1:14 1:578 1:34 1:28 1:4 1:30 1:240 2:28 2:386 2:387 2:30 2:13 2:31 2:10 2:369 2:34 2:388 2:37 2:16 2:38 2:14 2:39 2:22 +0:106 0:107 0:38 0:96 1:106 1:1288 1:38 1:107 1:67 1:96 2:106 2:923 2:38 2:96 +0:445 0:14 0:446 0:447 1:1404 1:13 1:445 1:14 1:446 1:447 2:448 2:155 2:446 2:447 2:446 2:447 2:690 2:148 2:682 2:22 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:587 1:117 1:123 1:271 1:4 1:156 1:1043 1:4 1:354 1:120 1:121 1:122 1:48 1:22 2:123 2:117 2:118 2:218 2:118 2:120 2:298 2:48 2:22 +0:44 0:45 0:46 0:47 0:48 1:44 1:45 1:46 1:75 1:822 1:47 1:48 2:45 2:68 2:46 2:47 2:22 +0:106 0:107 0:38 0:96 1:106 1:927 1:38 1:67 1:96 1:1354 1:137 1:137 1:137 2:349 2:4 2:107 2:463 2:464 2:38 2:67 2:96 +0:149 0:150 0:151 0:152 0:96 1:149 1:150 1:151 1:152 1:96 2:149 2:4 2:691 2:150 2:151 2:152 2:67 2:96 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:1 1:123 1:178 1:117 1:118 1:130 1:16 1:1043 1:120 1:121 1:118 1:122 1:48 2:257 2:123 2:121 2:125 2:126 2:144 2:133 2:134 2:124 2:4 2:130 +0:44 0:45 0:46 0:47 0:48 1:181 1:44 1:45 1:46 1:47 1:48 2:14 2:44 2:45 2:46 2:173 2:21 2:44 2:48 +0:315 0:30 0:14 0:316 0:317 1:315 1:14 1:474 1:395 2:155 2:394 2:315 2:30 2:395 2:396 2:148 2:397 2:48 2:22 +0:56 0:57 0:58 0:1 0:59 0:4 0:60 0:44 1:135 1:56 1:57 1:58 1:103 1:59 1:4 1:60 2:1089 2:57 2:304 2:58 2:6 2:622 2:4 2:623 2:44 2:56 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:1 1:123 1:117 1:118 1:4 1:130 1:13 1:454 1:86 1:298 1:28 1:117 1:196 1:48 1:22 2:123 2:117 2:118 2:218 2:118 2:120 2:298 2:48 2:22 +0:44 0:45 0:46 0:47 0:48 1:1 1:45 1:178 1:44 1:1111 1:144 1:47 1:48 1:22 2:808 2:44 2:613 2:46 2:47 2:492 +0:257 0:30 0:426 0:230 0:427 0:428 1:257 1:1216 1:230 1:82 2:30 2:230 2:651 2:652 2:67 2:14 2:653 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:123 1:117 1:118 1:4 1:130 1:118 1:208 1:48 2:28 2:1420 2:82 2:123 2:678 2:128 2:4 2:1421 2:1422 2:120 2:121 2:1276 2:117 2:48 2:22 +0:262 0:263 0:264 0:265 0:14 0:39 1:262 1:264 1:266 1:65 1:65 1:609 1:432 1:264 1:265 1:65 1:65 1:280 1:70 2:262 2:717 2:44 2:4 2:718 2:263 2:264 2:265 2:67 2:268 +0:149 0:150 0:151 0:152 0:96 1:181 1:149 1:150 1:968 1:152 1:1019 1:67 1:96 2:149 2:4 2:691 2:150 2:151 2:152 2:67 2:96 +0:558 0:559 0:16 0:560 0:75 0:68 0:76 1:30 1:558 1:562 1:16 1:560 1:75 1:68 1:76 2:30 2:558 2:633 2:562 2:16 2:560 2:75 2:68 2:76 +0:315 0:30 0:14 0:316 0:317 1:315 1:693 1:14 1:694 1:395 1:444 2:315 2:30 2:14 2:585 2:474 2:317 +0:155 0:1 0:2 0:91 0:156 0:157 0:158 1:156 1:157 1:810 1:2 1:14 1:91 2:155 2:91 2:156 2:157 2:158 2:160 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:272 1:118 1:119 1:605 1:121 1:122 2:28 2:1 2:119 2:136 2:1299 2:1300 2:111 2:117 2:13 2:118 2:144 2:404 2:121 2:1041 2:4 2:111 2:48 2:22 +0:135 0:56 0:79 0:96 0:97 1:151 1:56 1:79 1:477 1:96 2:135 2:56 2:419 2:96 2:97 2:22 2:151 2:788 2:56 2:79 2:22 +0:175 0:86 0:113 0:68 1:175 1:86 1:113 1:68 2:175 2:1377 2:113 2:68 +0:135 0:56 0:79 0:96 0:97 1:135 1:56 1:252 1:96 1:97 2:135 2:320 2:4 2:56 2:477 2:75 2:96 2:22 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:587 1:117 1:123 1:271 1:4 1:156 1:1043 1:4 1:354 1:120 1:121 1:122 1:48 1:22 2:123 2:121 2:125 2:126 2:32 2:124 2:133 2:134 2:1040 2:93 +0:106 0:107 0:38 0:96 1:106 1:4 1:735 1:38 1:67 1:96 2:106 2:13 2:108 2:109 2:38 2:67 2:96 2:22 +0:106 0:107 0:38 0:96 1:106 1:4 1:1301 1:38 1:67 1:96 2:281 2:166 2:4 2:282 2:38 2:67 2:96 +0:262 0:263 0:264 0:265 0:14 0:39 1:28 1:4 1:262 1:1339 1:263 1:264 1:265 2:262 2:1016 2:1017 2:32 2:263 2:1018 2:265 2:13 2:14 2:39 2:22 +0:262 0:263 0:264 0:265 0:14 0:39 1:1020 1:263 1:358 1:265 1:14 1:39 2:262 2:263 2:357 2:358 2:265 2:67 2:68 2:359 2:22 +0:75 0:68 0:30 0:432 0:86 0:433 0:434 0:178 0:4 0:435 1:75 1:68 1:30 1:432 1:86 1:433 1:434 1:178 1:4 1:435 2:619 2:30 2:75 2:68 2:432 2:86 2:744 2:433 2:745 2:4 2:435 2:22 +0:135 0:56 0:79 0:96 0:97 1:135 1:56 1:252 1:96 1:97 2:135 2:1252 2:56 2:419 2:388 2:96 2:477 2:22 +0:405 0:340 0:183 1:405 1:610 1:21 1:340 1:48 2:405 2:183 +0:71 0:72 0:16 0:73 0:74 0:75 0:68 0:76 1:71 1:73 1:16 1:72 1:4 1:76 1:22 2:71 2:72 2:16 2:766 2:75 2:68 2:767 2:22 +0:175 0:86 0:113 0:68 1:175 1:86 1:113 1:68 1:218 2:835 2:858 2:4 2:4 2:175 2:86 2:113 2:68 +0:135 0:56 0:79 0:96 0:97 1:177 1:181 1:44 1:79 1:135 1:56 1:33 1:96 1:97 2:925 2:135 2:56 2:79 2:388 2:96 2:97 +0:155 0:1 0:2 0:91 0:156 0:157 0:158 1:155 1:1 1:2 1:91 1:103 1:156 1:4 1:157 1:1277 1:158 2:128 2:87 2:1 2:2 2:91 2:128 2:4 2:157 2:158 +0:44 0:45 0:46 0:47 0:48 1:44 1:182 1:46 1:144 1:47 1:48 2:44 2:45 2:46 2:754 2:148 2:22 +0:175 0:86 0:113 0:68 1:217 1:113 1:68 2:835 2:858 2:4 2:4 2:175 2:86 2:113 2:68 +0:135 0:56 0:79 0:96 0:97 1:135 1:56 1:79 1:96 1:97 1:22 2:135 2:320 2:4 2:56 2:477 2:75 2:96 2:22 +0:155 0:1 0:2 0:91 0:156 0:157 0:158 1:155 1:1 1:2 1:91 1:103 1:156 1:4 1:157 1:1277 1:158 2:14 2:578 2:91 2:156 2:157 2:160 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:123 1:117 1:118 1:4 1:130 1:118 1:208 1:48 2:28 2:1 2:119 2:136 2:1299 2:1300 2:111 2:117 2:13 2:118 2:144 2:404 2:121 2:1041 2:4 2:111 2:48 2:22 +0:28 0:4 0:123 0:257 0:273 0:274 0:118 0:136 0:4 0:275 1:257 1:123 1:511 1:274 1:124 1:136 1:512 1:4 1:275 2:123 2:136 2:148 2:996 2:275 2:273 2:274 2:275 +0:28 0:29 0:30 0:31 0:32 0:33 0:34 0:35 0:28 0:36 0:37 0:16 0:38 0:14 0:39 1:29 1:1102 1:31 1:1103 1:33 1:34 1:43 1:10 1:1104 1:38 1:14 1:39 2:29 2:31 2:32 2:388 2:41 2:42 2:16 2:38 2:34 2:10 2:155 2:85 2:22 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:28 1:1105 1:1293 1:6 1:117 1:94 1:413 1:119 1:13 1:120 1:121 1:454 1:122 1:48 1:22 2:877 2:831 2:123 2:4 2:130 2:13 2:124 2:120 2:298 2:48 2:22 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:117 1:118 1:4 1:119 1:120 1:1100 1:1101 1:93 2:119 2:121 2:124 2:299 2:32 2:13 2:1305 2:124 2:4 2:156 2:160 2:439 2:4 2:1043 2:13 2:133 2:134 2:1306 2:48 2:22 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:117 1:118 1:4 1:119 1:120 1:121 1:122 1:48 2:257 2:123 2:121 2:125 2:126 2:144 2:133 2:134 2:124 2:4 2:130 +0:44 0:45 0:46 0:47 0:48 1:364 1:44 1:45 1:13 1:46 1:13 1:144 1:47 1:48 1:22 2:45 2:613 2:46 2:47 2:48 2:22 +0:159 0:82 0:30 0:877 0:878 1:1358 1:166 1:82 1:30 1:14 1:877 2:30 2:155 2:879 2:877 2:878 +0:141 0:113 0:142 0:143 0:144 0:145 0:48 1:28 1:145 1:13 1:141 1:113 1:142 1:143 1:173 1:891 1:86 1:48 1:22 2:141 2:113 2:382 2:144 2:145 2:48 2:22 +0:106 0:107 0:38 0:96 1:349 1:38 1:67 1:96 1:22 2:165 2:166 2:4 2:232 2:38 2:96 2:22 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:117 1:118 1:4 1:130 1:605 1:121 1:124 1:298 2:587 2:124 2:123 2:121 2:588 2:28 2:208 2:454 2:4 2:130 2:48 +0:262 0:263 0:264 0:265 0:14 0:39 1:28 1:4 1:262 1:1339 1:263 1:264 1:265 2:262 2:263 2:357 2:358 2:265 2:67 2:68 2:359 2:22 +0:44 0:45 0:46 0:47 0:48 1:44 1:182 1:46 1:144 1:47 1:48 2:612 2:44 2:613 2:46 2:21 2:47 2:48 2:22 +0:149 0:150 0:151 0:152 0:96 1:6 1:149 1:1368 1:150 1:4 1:152 1:96 2:418 2:149 2:153 2:152 2:419 2:96 +0:763 0:764 0:765 0:67 0:68 1:763 1:764 1:765 1:67 1:68 2:763 2:1048 2:439 2:4 2:764 2:765 2:886 2:765 2:67 2:68 2:22 2:6 2:495 2:1049 2:22 +0:149 0:150 0:151 0:152 0:96 1:149 1:153 1:152 1:154 1:67 1:96 2:418 2:149 2:153 2:152 2:419 2:96 +0:284 0:1 0:285 0:286 0:67 0:44 0:68 1:287 1:4 1:1 1:285 1:286 1:151 1:288 1:289 1:290 2:285 2:770 2:67 2:65 2:65 2:797 2:68 2:4 +0:135 0:56 0:79 0:96 0:97 1:56 1:252 1:135 1:419 1:96 1:97 2:1268 2:135 2:56 2:79 2:477 2:96 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:117 1:118 1:4 1:119 1:120 1:1100 1:1101 1:93 2:123 2:1214 2:1360 2:509 2:1361 2:111 2:1362 2:13 2:124 2:120 2:298 2:48 2:22 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:272 1:118 1:119 1:605 1:121 1:122 2:123 2:121 2:118 2:303 2:10 2:133 2:134 2:130 2:48 +0:149 0:150 0:151 0:152 0:96 1:6 1:149 1:1368 1:150 1:4 1:152 1:96 2:149 2:4 2:691 2:150 2:151 2:152 2:67 2:96 +0:106 0:107 0:38 0:96 1:106 1:4 1:1301 1:38 1:67 1:96 2:349 2:4 2:107 2:463 2:464 2:38 2:67 2:96 +0:44 0:45 0:46 0:47 0:48 1:181 1:44 1:45 1:46 1:47 1:48 2:45 2:44 2:68 2:46 2:47 +0:283 0:67 0:68 0:69 1:283 1:1167 1:69 2:819 2:65 2:65 2:820 2:65 2:65 2:283 2:65 2:65 2:67 2:68 2:69 2:22 +0:370 0:371 0:4 0:372 0:67 0:68 1:567 1:4 1:370 1:371 1:4 1:372 1:67 1:68 1:22 2:370 2:371 2:372 2:67 2:967 2:464 +0:149 0:150 0:151 0:152 0:96 1:149 1:150 1:307 1:96 1:152 1:22 2:998 2:4 2:149 2:150 2:4 2:152 2:151 2:67 2:96 2:22 +0:44 0:45 0:46 0:47 0:48 1:1 1:45 1:44 1:182 1:46 1:13 1:311 1:4 1:144 1:47 1:48 2:45 2:178 2:1171 2:44 2:613 2:46 2:47 2:48 2:22 +0:262 0:263 0:264 0:265 0:14 0:39 1:262 1:369 1:263 1:1018 1:265 1:14 1:39 2:279 2:262 2:263 2:265 2:280 +0:558 0:559 0:16 0:560 0:75 0:68 0:76 1:560 1:16 1:558 1:559 1:562 1:75 1:68 1:76 1:48 2:720 2:65 2:65 2:721 2:194 2:722 2:16 2:558 2:562 2:75 2:68 2:76 +0:175 0:86 0:113 0:68 1:217 1:113 1:68 1:114 1:22 2:175 2:113 2:68 2:114 2:116 +0:175 0:86 0:113 0:68 1:935 1:4 1:175 1:113 1:68 2:175 2:113 2:68 2:114 2:116 +0:558 0:559 0:16 0:560 0:75 0:68 0:76 1:30 1:558 1:562 1:16 1:560 1:75 1:68 1:76 2:1269 2:16 2:558 2:562 2:75 2:68 2:76 2:48 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:272 1:118 1:119 1:605 1:121 1:122 2:119 2:877 2:385 2:394 2:670 2:117 2:13 2:454 2:120 2:298 2:48 +0:175 0:86 0:113 0:68 1:175 1:113 1:68 2:175 2:113 2:68 2:732 2:68 +0:15 0:16 0:17 0:4 0:18 0:19 0:20 0:21 0:22 1:635 1:15 1:16 1:17 1:636 1:19 1:21 1:22 2:15 2:19 2:21 2:22 2:22 2:65 2:65 2:26 2:17 2:19 2:21 2:22 2:22 2:65 2:65 2:1085 +0:28 0:4 0:123 0:257 0:273 0:274 0:118 0:136 0:4 0:275 1:257 1:123 1:723 1:118 1:136 1:724 1:4 1:275 1:240 1:22 2:257 2:118 2:82 2:123 2:136 2:4 2:275 2:28 2:1 2:262 2:178 2:273 2:274 +0:135 0:56 0:79 0:96 0:97 1:135 1:151 1:56 1:79 1:96 1:97 2:319 2:56 2:79 2:96 2:97 2:22 2:56 2:288 2:75 2:68 +0:56 0:57 0:58 0:1 0:59 0:4 0:60 0:44 1:56 1:592 1:6 1:59 1:4 1:238 1:883 1:60 1:48 2:620 2:58 2:1 2:59 2:4 2:623 2:44 2:48 2:22 2:6 2:871 2:4 2:623 2:120 2:75 2:68 2:872 2:48 2:22 +0:519 0:520 0:521 0:14 0:522 1:75 1:468 1:298 1:519 1:520 1:4 1:521 1:14 1:522 1:22 1:22 1:22 1:22 2:523 2:155 2:522 +0:257 0:30 0:426 0:230 0:427 0:428 1:257 1:1249 1:30 1:4 1:428 1:120 1:426 1:930 1:22 2:30 2:230 2:651 2:652 2:67 2:14 2:653 +0:106 0:107 0:38 0:96 1:106 1:4 1:1301 1:38 1:67 1:96 2:990 2:166 2:282 2:38 2:67 2:96 +0:262 0:263 0:264 0:265 0:14 0:39 1:262 1:369 1:32 1:263 1:264 1:265 2:262 2:1367 2:718 2:32 2:263 2:264 2:265 2:14 2:39 2:22 +0:106 0:107 0:38 0:96 1:349 1:232 1:282 1:38 1:67 1:96 2:1256 2:4 2:232 2:38 2:67 2:68 +0:262 0:263 0:264 0:265 0:14 0:39 1:1020 1:262 1:263 1:357 1:265 1:206 1:14 1:39 1:22 2:639 2:640 2:262 2:263 2:264 2:265 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:1 1:123 1:117 1:118 1:4 1:130 1:13 1:454 1:86 1:298 1:28 1:117 1:196 1:48 1:22 2:877 2:831 2:123 2:4 2:130 2:13 2:124 2:120 2:298 2:48 2:22 +0:284 0:1 0:285 0:286 0:67 0:44 0:68 1:285 1:4 1:287 1:4 1:796 1:797 1:68 1:4 2:28 2:67 2:287 2:4 2:13 2:364 2:6 2:285 2:286 2:173 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:1 1:123 1:117 1:118 1:4 1:130 1:13 1:454 1:86 1:298 1:28 1:117 1:196 1:48 1:22 2:123 2:877 2:831 2:124 2:130 2:124 2:605 2:298 2:22 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:28 1:117 1:118 1:119 1:13 1:118 1:120 1:298 1:48 2:257 2:123 2:121 2:125 2:126 2:144 2:133 2:134 2:124 2:4 2:130 +0:56 0:57 0:58 0:1 0:59 0:4 0:60 0:44 1:56 1:58 1:1 1:59 1:4 1:60 1:48 2:929 2:930 2:623 2:13 2:931 2:59 2:216 2:56 2:321 2:57 2:148 2:932 2:933 +0:155 0:1 0:2 0:91 0:156 0:157 0:158 1:155 1:1 1:2 1:91 1:156 1:157 1:160 2:155 2:1 2:2 2:91 2:118 2:157 2:158 +0:370 0:371 0:4 0:372 0:67 0:68 1:370 1:371 1:4 1:372 1:67 1:68 2:372 2:373 2:67 2:68 2:371 +0:135 0:56 0:79 0:96 0:97 1:56 1:252 1:135 1:419 1:96 1:97 2:181 2:319 2:13 2:858 2:56 2:79 2:96 2:97 +0:283 0:67 0:68 0:69 1:127 1:283 1:67 1:68 1:69 2:283 2:4 2:1099 2:67 2:68 2:69 +0:1 0:2 0:3 0:4 0:5 0:6 0:7 0:8 1:1 1:1433 1:102 1:4 1:11 1:12 1:206 1:14 1:179 1:12 1:240 2:1 2:680 2:680 2:1175 2:680 2:680 2:436 2:9 2:10 2:11 2:12 2:14 2:6 2:1150 2:1176 2:1177 +0:44 0:94 0:95 0:33 0:96 0:97 1:44 1:94 1:1332 1:1333 1:33 1:96 1:97 2:44 2:94 2:638 2:95 2:388 2:96 2:97 +0:262 0:263 0:264 0:265 0:14 0:39 1:28 1:4 1:262 1:269 1:264 1:265 1:1279 1:266 1:14 1:39 1:70 1:22 1:22 1:22 1:22 2:639 2:640 2:262 2:263 2:264 2:265 +0:106 0:107 0:38 0:96 1:106 1:107 1:1304 1:16 1:38 1:67 1:68 2:106 2:13 2:108 2:109 2:38 2:67 2:96 2:22 +0:660 0:661 0:662 0:663 0:664 0:665 0:148 0:666 0:14 0:39 1:587 1:708 1:10 1:664 1:709 1:13 1:903 1:665 1:148 1:1291 1:14 1:39 1:22 2:667 2:665 2:148 2:666 2:14 2:39 2:22 +0:326 0:327 0:328 0:67 0:68 1:326 1:189 1:68 1:67 1:327 1:328 1:22 2:326 2:773 2:327 2:328 2:67 2:68 2:22 +0:262 0:263 0:264 0:265 0:14 0:39 1:630 1:262 1:263 1:265 1:280 2:262 2:609 2:432 2:263 2:265 2:13 2:14 2:85 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:28 1:1105 1:1293 1:6 1:117 1:94 1:413 1:119 1:13 1:120 1:121 1:454 1:122 1:48 1:22 2:123 2:877 2:831 2:124 2:130 2:124 2:605 2:298 2:22 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:117 1:118 1:4 1:119 1:120 1:1100 1:1101 1:93 2:587 2:124 2:123 2:121 2:588 2:28 2:208 2:454 2:4 2:130 2:48 +0:660 0:661 0:662 0:663 0:664 0:665 0:148 0:666 0:14 0:39 1:660 1:450 1:709 1:663 1:664 1:665 1:148 1:666 2:711 2:664 2:1322 2:1323 2:450 2:1324 2:10 2:1112 2:683 2:665 2:148 2:666 2:13 2:28 2:206 2:14 2:39 2:22 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:117 1:118 1:4 1:119 1:120 1:121 1:122 1:48 2:155 2:298 2:119 2:121 2:118 2:299 2:10 2:22 2:300 2:301 2:10 2:65 2:65 2:302 2:121 2:118 2:303 2:10 2:65 2:65 2:304 2:302 2:118 2:130 2:299 2:28 2:10 2:65 2:65 2:305 2:306 +0:262 0:263 0:264 0:265 0:14 0:39 1:1020 1:262 1:263 1:357 1:265 1:206 1:14 1:39 1:22 2:257 2:28 2:4 2:262 2:264 2:266 2:262 2:263 2:265 2:206 2:14 2:39 2:359 2:593 2:594 2:595 +0:106 0:107 0:38 0:96 1:106 1:927 1:38 1:67 1:96 1:1354 1:137 1:137 1:137 2:1086 2:4 2:232 2:282 2:42 2:38 2:67 2:96 2:22 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:28 1:1105 1:1293 1:6 1:117 1:94 1:413 1:119 1:13 1:120 1:121 1:454 1:122 1:48 1:22 2:117 2:118 2:119 2:726 2:120 2:291 2:48 +0:315 0:30 0:14 0:316 0:317 1:833 1:834 1:159 1:316 1:395 1:396 1:4 1:444 2:257 2:315 2:1251 2:718 2:128 2:316 2:317 +0:155 0:1 0:2 0:91 0:156 0:157 0:158 1:159 1:1 1:2 1:91 1:156 1:4 1:157 1:1214 2:156 2:157 2:158 2:91 2:718 2:14 2:219 +0:315 0:30 0:14 0:316 0:317 1:784 1:65 1:65 1:155 1:785 1:316 1:395 1:396 1:4 1:444 1:22 2:257 2:315 2:1251 2:718 2:128 2:316 2:317 +0:262 0:263 0:264 0:265 0:14 0:39 1:263 1:357 1:265 1:13 1:262 1:261 1:266 1:67 1:268 2:364 2:420 2:13 2:28 2:4 2:262 2:257 2:263 2:264 2:265 2:22 +0:155 0:1 0:2 0:91 0:156 0:157 0:158 1:159 1:1 1:2 1:91 1:156 1:4 1:157 1:1214 2:155 2:1 2:2 2:91 2:118 2:157 2:158 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:28 1:1105 1:1293 1:6 1:117 1:94 1:413 1:119 1:13 1:120 1:121 1:454 1:122 1:48 1:22 2:121 2:118 2:303 2:123 2:32 2:133 2:134 2:944 2:4 2:130 2:48 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:1 1:123 1:178 1:117 1:118 1:130 1:16 1:1043 1:120 1:121 1:118 1:122 1:48 2:119 2:877 2:385 2:394 2:670 2:117 2:13 2:454 2:120 2:298 2:48 +0:175 0:86 0:113 0:68 1:175 1:176 1:113 1:68 2:175 2:113 2:68 2:116 2:22 +0:15 0:16 0:17 0:4 0:18 0:19 0:20 0:21 0:22 1:18 1:19 1:15 1:16 1:573 1:16 1:17 1:20 1:21 2:17 2:775 2:19 2:21 2:26 2:15 2:775 2:19 2:21 2:22 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:1 1:123 1:117 1:118 1:4 1:130 1:13 1:454 1:86 1:298 1:28 1:117 1:196 1:48 1:22 2:123 2:129 2:455 2:439 2:1065 2:134 2:128 2:16 2:124 2:4 2:1383 2:13 2:118 2:4 2:1384 2:48 2:22 +0:283 0:67 0:68 0:69 1:283 1:67 1:68 1:69 1:70 1:22 2:283 2:67 2:68 2:69 2:1157 +0:28 0:29 0:30 0:31 0:32 0:33 0:34 0:35 0:28 0:36 0:37 0:16 0:38 0:14 0:39 1:631 1:31 1:32 1:33 1:41 1:42 1:38 1:34 1:28 1:43 1:10 1:14 1:39 2:29 2:31 2:32 2:388 2:41 2:42 2:16 2:38 2:34 2:10 2:155 2:85 2:22 +0:44 0:45 0:46 0:47 0:48 1:1 1:45 1:44 1:182 1:46 1:13 1:311 1:4 1:144 1:47 1:48 2:181 2:44 2:46 2:13 2:182 2:13 2:183 2:13 2:47 2:48 +0:155 0:1 0:2 0:91 0:156 0:157 0:158 1:14 1:1 1:2 1:91 1:670 1:4 1:488 1:22 2:156 2:157 2:158 2:91 2:718 2:14 2:219 +0:135 0:56 0:79 0:96 0:97 1:1 1:1321 1:44 1:79 1:135 1:56 1:33 1:96 1:97 2:135 2:320 2:56 2:33 2:96 2:97 +0:106 0:107 0:38 0:96 1:106 1:4 1:1161 1:38 1:96 2:1124 2:4 2:1125 2:1126 2:166 2:4 2:1127 2:13 2:166 2:4 2:232 2:38 2:67 2:96 2:240 2:22 +0:175 0:86 0:113 0:68 1:175 1:113 1:68 1:22 2:835 2:858 2:4 2:4 2:175 2:86 2:113 2:68 +0:135 0:56 0:79 0:96 0:97 1:135 1:56 1:79 1:33 1:572 1:96 1:97 2:318 2:4 2:319 2:320 2:321 2:56 2:33 2:96 2:97 +0:350 0:351 0:352 0:353 0:4 0:354 0:14 0:355 1:1310 1:887 1:353 1:4 1:354 1:14 1:355 2:350 2:497 2:1325 2:178 2:353 2:4 2:354 2:14 2:355 +0:175 0:86 0:113 0:68 1:217 1:86 1:113 1:68 1:114 2:175 2:113 2:68 2:116 2:13 +0:308 0:309 0:310 0:311 0:4 0:312 0:48 1:25 1:309 1:310 1:311 1:4 1:1290 1:48 2:308 2:309 2:313 2:67 2:311 2:4 2:48 2:22 2:75 2:314 2:48 2:22 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:28 1:117 1:118 1:119 1:13 1:118 1:120 1:298 1:48 2:123 2:875 2:87 2:134 2:118 2:1159 2:375 2:4 2:130 +0:56 0:57 0:58 0:1 0:59 0:4 0:60 0:44 1:135 1:56 1:57 1:58 1:103 1:59 1:4 1:60 2:620 2:621 2:67 2:58 2:1 2:622 2:623 2:26 2:624 2:288 2:86 +0:262 0:263 0:264 0:265 0:14 0:39 1:262 1:369 1:263 1:1018 1:265 1:14 1:39 2:28 2:4 2:262 2:257 2:396 2:357 2:264 2:265 +0:135 0:56 0:79 0:96 0:97 1:135 1:56 1:96 1:97 1:79 2:135 2:858 2:56 2:79 2:419 2:33 2:96 2:97 +0:135 0:56 0:79 0:96 0:97 1:1070 1:56 1:79 1:33 1:96 1:97 2:135 2:151 2:56 2:96 2:97 +0:262 0:263 0:264 0:265 0:14 0:39 1:928 1:263 1:358 1:265 1:14 1:39 1:22 2:262 2:717 2:44 2:4 2:718 2:263 2:264 2:265 2:67 2:268 +0:44 0:45 0:46 0:47 0:48 1:1 1:45 1:178 1:44 1:46 1:47 1:48 1:22 2:155 2:44 2:45 2:46 2:4 2:890 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:272 1:118 1:119 1:605 1:121 1:122 2:877 2:831 2:123 2:4 2:130 2:13 2:124 2:120 2:298 2:48 2:22 +0:175 0:86 0:113 0:68 1:217 1:113 1:68 1:114 1:22 2:175 2:1377 2:113 2:68 +0:262 0:263 0:264 0:265 0:14 0:39 1:262 1:369 1:32 1:263 1:264 1:265 2:262 2:426 2:252 2:263 2:264 2:265 2:268 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:587 1:117 1:123 1:271 1:4 1:156 1:1043 1:4 1:354 1:120 1:121 1:122 1:48 1:22 2:119 2:831 2:1276 2:130 2:65 2:65 2:454 2:120 2:298 2:48 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:117 1:118 1:4 1:130 1:605 1:121 1:124 1:298 2:123 2:121 2:118 2:303 2:10 2:133 2:134 2:130 2:48 +0:135 0:56 0:79 0:96 0:97 1:1070 1:56 1:79 1:33 1:96 1:97 2:135 2:56 2:79 2:96 2:97 2:13 2:58 2:6 2:623 2:48 2:22 +0:28 0:4 0:123 0:257 0:273 0:274 0:118 0:136 0:4 0:275 1:123 1:276 1:276 1:276 1:276 1:276 1:276 1:144 1:277 1:275 1:278 1:257 1:273 1:274 1:118 1:136 1:4 1:275 2:28 2:181 2:123 2:257 2:273 2:274 2:118 2:136 2:4 2:275 2:13 2:28 2:304 2:136 2:148 2:10 2:118 2:13 2:67 2:68 2:359 2:768 2:22 +0:155 0:1 0:2 0:91 0:156 0:157 0:158 1:155 1:1 1:2 1:91 1:103 1:156 1:4 1:157 1:1277 1:158 2:1 2:2 2:87 2:219 2:128 2:4 2:488 2:16 2:156 2:160 +0:155 0:1 0:2 0:91 0:156 0:157 0:158 1:156 1:157 1:810 1:2 1:14 1:91 2:177 2:91 2:488 2:14 2:219 2:22 +0:262 0:263 0:264 0:265 0:14 0:39 1:28 1:4 1:262 1:263 1:264 1:265 1:13 1:1279 1:266 1:268 2:262 2:426 2:264 2:266 2:263 2:962 2:963 2:14 2:39 +0:135 0:56 0:79 0:96 0:97 1:1 1:1321 1:44 1:79 1:135 1:56 1:33 1:96 1:97 2:1268 2:135 2:56 2:79 2:477 2:96 +0:248 0:249 0:67 0:68 0:250 0:248 0:249 0:144 0:9 0:48 0:61 0:251 1:248 1:249 1:67 1:68 1:69 1:13 1:144 1:9 1:48 1:22 2:75 2:1348 2:248 2:249 2:87 2:9 2:4 2:48 +0:44 0:94 0:95 0:33 0:96 0:97 1:181 1:44 1:94 1:95 1:419 1:388 1:96 1:97 2:44 2:94 2:1180 2:957 2:1181 2:1182 2:95 2:33 2:96 2:97 +0:262 0:263 0:264 0:265 0:14 0:39 1:928 1:263 1:264 1:265 1:67 1:68 1:301 1:22 1:14 1:594 2:257 2:28 2:4 2:262 2:264 2:266 2:262 2:263 2:265 2:206 2:14 2:39 2:359 2:593 2:594 2:595 +0:660 0:661 0:662 0:663 0:664 0:665 0:148 0:666 0:14 0:39 1:660 1:450 1:709 1:663 1:664 1:665 1:148 1:666 2:664 2:1172 2:660 2:663 2:148 2:666 2:65 2:65 2:1173 2:14 2:39 +0:175 0:86 0:113 0:68 1:175 1:176 1:113 1:68 1:22 2:175 2:113 2:68 2:114 2:116 +0:155 0:1 0:2 0:91 0:156 0:157 0:158 1:1 1:2 1:14 1:219 1:670 1:61 1:220 1:137 2:14 2:91 2:156 2:157 2:158 +0:389 0:390 0:391 0:392 1:75 1:480 1:393 1:4 1:391 1:392 2:389 2:390 2:1375 2:391 2:392 +0:56 0:57 0:58 0:1 0:59 0:4 0:60 0:44 1:56 1:57 1:58 1:1 1:59 1:4 1:60 1:44 2:1266 2:622 2:57 2:21 2:48 2:22 2:56 2:68 2:4 2:304 2:592 2:6 2:622 2:4 2:60 2:48 2:22 +0:262 0:263 0:264 0:265 0:14 0:39 1:1020 1:263 1:358 1:265 1:14 1:39 2:257 2:964 2:609 2:28 2:4 2:262 2:895 2:263 2:264 2:265 +0:149 0:150 0:151 0:152 0:96 1:149 1:150 1:152 1:96 2:149 2:4 2:691 2:150 2:152 2:96 +0:75 0:68 0:30 0:432 0:86 0:433 0:434 0:178 0:4 0:435 1:75 1:68 1:30 1:432 1:86 1:433 1:434 1:178 1:4 1:435 2:181 2:602 2:432 2:144 2:433 2:434 2:178 2:4 2:435 +0:155 0:1 0:2 0:91 0:156 0:157 0:158 1:155 1:1 1:2 1:91 1:670 1:4 1:157 1:158 2:159 2:91 2:156 2:157 2:158 +0:262 0:263 0:264 0:265 0:14 0:39 1:262 1:266 1:103 1:267 1:10 1:13 1:268 1:269 1:264 1:265 2:364 2:420 2:13 2:28 2:4 2:262 2:257 2:263 2:264 2:265 2:22 +0:175 0:86 0:113 0:68 1:543 1:175 1:113 1:68 1:22 2:175 2:86 2:113 2:68 2:755 +0:44 0:94 0:95 0:33 0:96 0:97 1:44 1:94 1:1332 1:1333 1:33 1:96 1:97 2:44 2:1015 2:98 2:95 2:419 2:388 2:96 2:97 +0:283 0:67 0:68 0:69 1:283 1:65 1:65 1:65 1:65 1:65 1:65 1:65 1:65 1:67 1:68 1:69 1:22 2:283 2:4 2:1099 2:67 2:68 2:69 +0:135 0:56 0:79 0:96 0:97 1:135 1:56 1:252 1:96 1:97 2:135 2:56 2:419 2:96 2:97 2:22 2:151 2:788 2:56 2:79 2:22 +0:135 0:56 0:79 0:96 0:97 1:135 1:56 1:252 1:96 1:97 2:28 2:883 2:135 2:884 2:4 2:13 2:56 2:79 2:33 2:96 2:97 2:22 2:22 +0:389 0:390 0:391 0:392 1:389 1:393 1:4 1:391 1:392 2:389 2:390 2:1375 2:391 2:392 +0:558 0:559 0:16 0:560 0:75 0:68 0:76 1:560 1:16 1:558 1:559 1:75 1:480 1:76 2:1269 2:16 2:558 2:562 2:75 2:68 2:76 2:48 +0:155 0:1 0:2 0:91 0:156 0:157 0:158 1:157 1:158 1:14 1:219 1:1 1:2 2:75 2:468 2:298 2:159 2:1 2:2 2:708 2:1184 2:91 2:156 2:157 2:221 2:70 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:117 1:118 1:4 1:119 1:120 1:1100 1:1101 1:93 2:123 2:587 2:121 2:124 2:1234 2:1235 2:557 2:134 2:124 2:4 2:130 2:48 2:22 2:124 2:86 2:134 2:28 2:4 2:48 2:22 +0:660 0:661 0:662 0:663 0:664 0:665 0:148 0:666 0:14 0:39 1:660 1:450 1:709 1:663 1:664 1:665 1:148 1:666 2:1257 2:13 2:177 2:13 2:28 2:1 2:664 2:44 2:10 2:1258 2:13 2:454 2:1259 2:1260 2:10 2:13 2:278 2:13 2:664 2:665 2:148 2:666 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:1 1:123 1:117 1:118 1:4 1:130 1:13 1:454 1:86 1:298 1:28 1:117 1:196 1:48 1:22 2:148 2:394 2:124 2:924 2:4 2:130 2:120 2:121 2:122 2:48 +0:44 0:45 0:46 0:47 0:48 1:1 1:45 1:178 1:44 1:46 1:47 1:48 1:22 2:808 2:44 2:613 2:46 2:47 2:492 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:272 1:118 1:119 1:605 1:121 1:122 2:831 2:454 2:4 2:130 2:124 2:298 2:48 +0:155 0:1 0:2 0:91 0:156 0:157 0:158 1:14 1:578 1:1 1:2 1:91 1:156 1:157 1:1430 2:159 2:91 2:156 2:157 2:158 +0:117 0:118 0:4 0:119 0:120 0:121 0:122 0:48 1:1 1:123 1:117 1:118 1:4 1:130 1:13 1:454 1:86 1:298 1:28 1:117 1:196 1:48 1:22 2:119 2:132 2:118 2:208 2:48 +0:75 0:68 0:30 0:432 0:86 0:433 0:434 0:178 0:4 0:435 1:75 1:68 1:30 1:432 1:144 1:365 1:436 1:178 1:433 1:435 2:181 2:602 2:432 2:144 2:433 2:434 2:178 2:4 2:435 +0:329 0:330 0:75 0:331 0:332 0:333 0:332 0:334 0:332 0:335 0:172 0:67 0:68 0:69 1:329 1:330 1:75 1:331 1:332 1:333 1:332 1:334 1:332 1:335 1:172 1:67 1:68 1:69 2:159 2:336 2:337 2:67 2:331 2:332 2:333 2:332 2:26 2:334 2:332 2:4 diff --git a/models/match/multiview-simnet/evaluate_reader.py b/models/match/multiview-simnet/evaluate_reader.py old mode 100755 new mode 100644 index 7d800fe426435ba609aca1c5b62123fb13c306ab..b3e7849fe4bc9a8766e4bab72f50e266d949dfc9 --- a/models/match/multiview-simnet/evaluate_reader.py +++ b/models/match/multiview-simnet/evaluate_reader.py @@ -1,5 +1,4 @@ # Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved. -# # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at @@ -40,8 +39,8 @@ class Reader(ReaderBase): padding = 0 output = [(slot, []) for slot in self.all_slots] for elem in elements: - feasign, slot = elem.split(':') - if not self._all_slots_dict.has_key(slot): + slot, feasign = elem.split(':') + if slot not in self._all_slots_dict: continue self._all_slots_dict[slot][0] = True index = self._all_slots_dict[slot][1] diff --git a/models/match/multiview-simnet/generate_synthetic_data.py b/models/match/multiview-simnet/generate_synthetic_data.py deleted file mode 100755 index eb60e5c82f9decc2cfcd87da7bc6832ca98ee9d4..0000000000000000000000000000000000000000 --- a/models/match/multiview-simnet/generate_synthetic_data.py +++ /dev/null @@ -1,102 +0,0 @@ -# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved -# -# Licensed under the Apache License, Version 2.0 (the "License"); -# you may not use this file except in compliance with the License. -# You may obtain a copy of the License at -# -# http://www.apache.org/licenses/LICENSE-2.0 -# -# Unless required by applicable law or agreed to in writing, software -# distributed under the License is distributed on an "AS IS" BASIS, -# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. -# See the License for the specific language governing permissions and -# limitations under the License. - -import random - - -class Dataset: - def __init__(self): - pass - - -class SyntheticDataset(Dataset): - def __init__(self, - sparse_feature_dim, - query_slot_num, - title_slot_num, - dataset_size=10000): - # ids are randomly generated - self.ids_per_slot = 10 - self.sparse_feature_dim = sparse_feature_dim - self.query_slot_num = query_slot_num - self.title_slot_num = title_slot_num - self.dataset_size = dataset_size - - def _reader_creator(self, is_train): - def generate_ids(num, space): - return [random.randint(0, space - 1) for i in range(num)] - - def reader(): - for i in range(self.dataset_size): - query_slots = [] - pos_title_slots = [] - neg_title_slots = [] - for i in range(self.query_slot_num): - qslot = generate_ids(self.ids_per_slot, - self.sparse_feature_dim) - qslot = [str(fea) + ':' + str(i) for fea in qslot] - query_slots += qslot - for i in range(self.title_slot_num): - pt_slot = generate_ids(self.ids_per_slot, - self.sparse_feature_dim) - pt_slot = [ - str(fea) + ':' + str(i + self.query_slot_num) - for fea in pt_slot - ] - pos_title_slots += pt_slot - if is_train: - for i in range(self.title_slot_num): - nt_slot = generate_ids(self.ids_per_slot, - self.sparse_feature_dim) - nt_slot = [ - str(fea) + ':' + - str(i + self.query_slot_num + self.title_slot_num) - for fea in nt_slot - ] - neg_title_slots += nt_slot - yield query_slots + pos_title_slots + neg_title_slots - else: - yield query_slots + pos_title_slots - - return reader - - def train(self): - return self._reader_creator(True) - - def valid(self): - return self._reader_creator(True) - - def test(self): - return self._reader_creator(False) - - -if __name__ == '__main__': - sparse_feature_dim = 1000001 - query_slots = 1 - title_slots = 1 - dataset_size = 10 - dataset = SyntheticDataset(sparse_feature_dim, query_slots, title_slots, - dataset_size) - train_reader = dataset.train() - test_reader = dataset.test() - - with open("data/train/train.txt", 'w') as fout: - for data in train_reader(): - fout.write(' '.join(data)) - fout.write("\n") - - with open("data/test/test.txt", 'w') as fout: - for data in test_reader(): - fout.write(' '.join(data)) - fout.write("\n") diff --git a/models/match/multiview-simnet/reader.py b/models/match/multiview-simnet/reader.py old mode 100755 new mode 100644 index 8fe6402876f814a8b6692285c9855796d1d05b6e..d3cb170f44127f6444405ea98f179c21691d678f --- a/models/match/multiview-simnet/reader.py +++ b/models/match/multiview-simnet/reader.py @@ -43,8 +43,8 @@ class Reader(ReaderBase): padding = 0 output = [(slot, []) for slot in self.all_slots] for elem in elements: - feasign, slot = elem.split(':') - if not self._all_slots_dict.has_key(slot): + slot, feasign = elem.split(':') + if slot not in self._all_slots_dict: continue self._all_slots_dict[slot][0] = True index = self._all_slots_dict[slot][1] diff --git a/models/match/multiview-simnet/readme.md b/models/match/multiview-simnet/readme.md new file mode 100644 index 0000000000000000000000000000000000000000..4a59d851bbc26365d9120985d8163bd105f9ec95 --- /dev/null +++ b/models/match/multiview-simnet/readme.md @@ -0,0 +1,127 @@ +# multiview-simnet文本匹配模型 + +以下是本例的简要目录结构及说明: + +``` +├── data #样例数据 + ├── train + ├── train.txt #训练数据样例 + ├── test + ├── test.txt #测试数据样例 + ├── preprocess.py #数据处理程序 +├── __init__.py +├── README.md #文档 +├── model.py #模型文件 +├── config.yaml #配置文件 +├── run.sh #运行脚本,在效果复现时使用 +├── transform.py #整理格式准备计算指标的程序 +├── reader.py #读者需要自定义数据集时供读者参考 +├── evaluate_reader.py #读者需要自定义数据集时供读者参考 +``` +注:在阅读该示例前,建议您先了解以下内容: + +[paddlerec入门教程](https://github.com/PaddlePaddle/PaddleRec/blob/master/README.md) + +## 内容 + +- [模型简介](#模型简介) +- [数据准备](#数据准备) +- [运行环境](#运行环境) +- [快速开始](#快速开始) +- [效果复现](#效果复现) +- [进阶使用](#进阶使用) +- [FAQ](#FAQ) + + +## 模型简介 +在个性化推荐场景中,推荐系统给用户提供的项目(Item)列表通常是通过个性化的匹配模型计算出来的。在现实世界中,一个用户可能有很多个视角的特征,比如用户Id,年龄,项目的点击历史等。一个项目,举例来说,新闻资讯,也会有多种视角的特征比如新闻标题,新闻类别等。多视角Simnet模型是可以融合用户以及推荐项目的多个视角的特征并进行个性化匹配学习的一体化模型。 多视角Simnet模型包括多个编码器模块,每个编码器被用在不同的特征视角上。当前,项目中提供Bag-of-Embedding编码器,Temporal-Convolutional编码器,和Gated-Recurrent-Unit编码器。我们会逐渐加入稀疏特征场景下比较实用的编码器到这个项目中。模型的训练方法,当前采用的是Pairwise ranking模式进行训练,即针对一对具有关联的User-Item组合,随机实用一个Item作为负例进行排序学习。 + +模型的具体细节可以阅读论文[MultiView-Simnet](https://www.microsoft.com/en-us/research/wp-content/uploads/2016/02/frp1159-songA.pdf): +

+ +

+ +## 数据准备 +我们公开了自建的测试集,包括百度知道、ECOM、QQSIM、UNICOM 四个数据集。这里我们选取百度知道数据集来进行训练。执行以下命令可以获取上述数据集。 +``` +wget --no-check-certificate https://baidu-nlp.bj.bcebos.com/simnet_dataset-1.0.0.tar.gz +tar xzf simnet_dataset-1.0.0.tar.gz +rm simnet_dataset-1.0.0.tar.gz +``` + +数据格式为一个标识句子的slot,后跟一个句子中词的token。两者形成{slot:token}的形式标识一个词: +``` +0:358 0:206 0:205 0:250 0:9 0:3 0:207 0:10 0:330 0:164 1:1144 1:217 1:206 1:9 1:3 1:207 1:10 1:398 1:2 2:217 2:206 2:9 2:3 2:207 2:10 2:398 2:2 +0:358 0:206 0:205 0:250 0:9 0:3 0:207 0:10 0:330 0:164 1:951 1:952 1:206 1:9 1:3 1:207 1:10 1:398 2:217 2:206 2:9 2:3 2:207 2:10 2:398 2:2 +``` + +## 运行环境 +PaddlePaddle>=1.7.2 +python 2.7 +PaddleRec >=0.1 +os : linux + +## 快速开始 +本文提供了样例数据可以供您快速体验,在paddlerec目录下直接执行下面的命令即可启动训练: + +``` +python -m paddlerec.run -m models/match/multiview-simnet/config.yaml +``` + + +## 效果复现 +为了方便使用者能够快速的跑通每一个模型,我们在每个模型下都提供了样例数据。如果需要复现readme中的效果,请按如下步骤依次操作即可。 +1. 确认您当前所在目录为PaddleRec/models/match/multiview-simnet +2. 在data目录下载并解压数据集,命令如下: +``` +cd data +wget --no-check-certificate https://baidu-nlp.bj.bcebos.com/simnet_dataset-1.0.0.tar.gz +tar xzf simnet_dataset-1.0.0.tar.gz +rm -f simnet_dataset-1.0.0.tar.gz +mv data/zhidao ./ +rm -rf data +``` +3. 本文提供了快速将数据集中的汉字数据处理为可训练格式数据的脚本,您在解压数据集后,可以看见目录中存在一个名为zhidao的文件。然后能可以在python3环境下运行我们提供的preprocess.py文件。即可生成可以直接用于训练的数据目录test.txt,train.txt,label.txt和testquery.txt。将其放入train和test目录下以备训练时调用。命令如下: +``` +python3 preprocess.py +rm -f ./train/train.txt +mv train.txt ./train +rm -f ./test/test.txt +mv test.txt ./test +cd .. +``` +4. 退回tagspace目录中,打开文件config.yaml,更改其中的参数 + + 将workspace改为您当前的绝对路径。(可用pwd命令获取绝对路径) + +5. 执行脚本,开始训练.脚本会运行python -m paddlerec.run -m ./config.yaml启动训练,并将结果输出到result文件中。然后启动格式整理程序transform,最后计算正逆序比: +``` +sh run.sh +``` + +运行结果大致如下: +``` +................run................. +!!! The CPU_NUM is not specified, you should set CPU_NUM in the environment variable list. +CPU_NUM indicates that how many CPUPlace are used in the current task. +And if this parameter are set as N (equal to the number of physical CPU core) the program may be faster. + +export CPU_NUM=32 # for example, set CPU_NUM as number of physical CPU core which is 32. + +!!! The default number of CPU_NUM=1. +I0821 14:24:57.255358 7888 parallel_executor.cc:440] The Program will be executed on CPU using ParallelExecutor, 1 cards are used, so 1 programs are executed in parallel. +I0821 14:24:57.259166 7888 build_strategy.cc:365] SeqOnlyAllReduceOps:0, num_trainers:1 +I0821 14:24:57.262634 7888 parallel_executor.cc:307] Inplace strategy is enabled, when build_strategy.enable_inplace = True +I0821 14:24:57.264791 7888 parallel_executor.cc:375] Garbage collection strategy is enabled, when FLAGS_eager_delete_tensor_gb = 0 +103 +pnr: 1.17674418605 +query_num: 11 +pair_num: 468 468 +equal_num: 0 +正序率: 0.540598290598 +253 215 +``` +6. 提醒:因为采取较小的数据集进行训练和测试,得到指标的浮动程度会比较大。如果得到的指标不合预期,可以多次执行步骤5,即可获得合理的指标。 +## 进阶使用 + +## FAQ diff --git a/models/match/multiview-simnet/data_process.sh b/models/match/multiview-simnet/run.sh old mode 100755 new mode 100644 similarity index 62% rename from models/match/multiview-simnet/data_process.sh rename to models/match/multiview-simnet/run.sh index c8633cc7a41f62a29eee1778251b72a6f3b601eb..3d9a5bdbba832653ce30b556c19dd8449cda8869 --- a/models/match/multiview-simnet/data_process.sh +++ b/models/match/multiview-simnet/run.sh @@ -1,5 +1,3 @@ -#! /bin/bash - # Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); @@ -14,11 +12,14 @@ # See the License for the specific language governing permissions and # limitations under the License. - -set -e -echo "begin to prepare data" - -mkdir -p data/train -mkdir -p data/test - -python generate_synthetic_data.py +#!/bin/bash +echo "................run................." +python -m paddlerec.run -m ./config.yaml >result1.txt +grep -i "query_pt_sim" ./result1.txt >./result2.txt +sed '$d' result2.txt >result.txt +rm -f result1.txt +rm -f result2.txt +python transform.py +sort -t $'\t' -k1,1 -k 2nr,2 pair.txt >result.txt +rm -f pair.txt +python ../../../tools/cal_pos_neg.py result.txt diff --git a/models/match/multiview-simnet/transform.py b/models/match/multiview-simnet/transform.py new file mode 100644 index 0000000000000000000000000000000000000000..2f26b05715a87e768476673bf6531270c2d400e6 --- /dev/null +++ b/models/match/multiview-simnet/transform.py @@ -0,0 +1,53 @@ +# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import random +import numpy as np + +label = [] +filename = './data/label.txt' +f = open(filename, "r") +f.readline() +num = 0 +for line in f.readlines(): + num = num + 1 + line = line.strip() + label.append(line) +f.close() +print(num) + +filename = './result.txt' +sim = [] +for line in open(filename): + line = line.strip().split(",") + line[1] = line[1].split(":") + line = line[1][1].strip(" ") + line = line.strip("[") + line = line.strip("]") + sim.append(float(line)) + +filename = './data/testquery.txt' +f = open(filename, "r") +f.readline() +query = [] +for line in f.readlines(): + line = line.strip() + query.append(line) +f.close() + +filename = 'pair.txt' +f = open(filename, "w") +for i in range(len(sim)): + f.write(str(query[i]) + "\t" + str(sim[i]) + "\t" + str(label[i]) + "\n") +f.close() diff --git a/models/match/readme.md b/models/match/readme.md index 5ca8cac2cbb9be3662cdd80cdbad5cf7abe8b6cd..440ad9796605aefe94c2f822daebb73062bfed24 100755 --- a/models/match/readme.md +++ b/models/match/readme.md @@ -1,7 +1,7 @@ # 匹配模型库 ## 简介 -我们提供了常见的匹配任务中使用的模型算法的PaddleRec实现, 单机训练&预测效果指标以及分布式训练&预测性能指标等。实现的模型包括 [DSSM](http://gitlab.baidu.com/tangwei12/paddlerec/tree/develop/models/match/dssm)、[MultiView-Simnet](http://gitlab.baidu.com/tangwei12/paddlerec/tree/develop/models/match/multiview-simnet)。 +我们提供了常见的匹配任务中使用的模型算法的PaddleRec实现, 单机训练&预测效果指标以及分布式训练&预测性能指标等。实现的模型包括 [DSSM](http://gitlab.baidu.com/tangwei12/paddlerec/tree/develop/models/match/dssm)、[MultiView-Simnet](http://gitlab.baidu.com/tangwei12/paddlerec/tree/develop/models/match/multiview-simnet)、[match-pyramid](https://github.com/PaddlePaddle/PaddleRec/tree/master/models/match/match-pyramid)。 模型算法库在持续添加中,欢迎关注。 @@ -18,6 +18,8 @@ | :------------------: | :--------------------: | :---------: | | DSSM | Deep Structured Semantic Models | [CIKM 2013][Learning Deep Structured Semantic Models for Web Search using Clickthrough Data](https://www.microsoft.com/en-us/research/wp-content/uploads/2016/02/cikm2013_DSSM_fullversion.pdf) | | MultiView-Simnet | Multi-view Simnet for Personalized recommendation | [WWW 2015][A Multi-View Deep Learning Approach for Cross Domain User Modeling in Recommendation Systems](https://www.microsoft.com/en-us/research/wp-content/uploads/2016/02/frp1159-songA.pdf) | +| match-pyramid | Text Matching as Image Recognition | [arXiv W2016][Text Matching as Image Recognition](https://arxiv.org/pdf/1602.06359.pdf) | + 下面是每个模型的简介(注:图片引用自链接中的论文) @@ -31,24 +33,26 @@

-## 使用教程(快速开始) -### 训练 -```shell -git clone https://github.com/PaddlePaddle/PaddleRec.git paddle-rec -cd paddle-rec +[match-pyramid](https://arxiv.org/pdf/1602.06359.pdf): +

+ +

+## 使用教程(快速开始) +### 训练&预测 +每个模型都提供了样例数据可以供您快速体验,在paddlerec目录下直接执行下面的命令即可启动训练: +``` python -m paddlerec.run -m models/match/dssm/config.yaml # dssm python -m paddlerec.run -m models/match/multiview-simnet/config.yaml # multiview-simnet +python -m paddlerec.run -m models/contentunderstanding/match-pyramid/config.yaml #match-pyramid ``` +### 效果复现 +每个模型下的readme中都有详细的效果复现的教程,您可以进入模型的目录中详细查看 -### 预测 -```shell -# 修改对应模型的config.yaml, workspace配置为当前目录的绝对路径 -# 修改对应模型的config.yaml,mode配置infer_runner -# 示例: mode: train_runner -> mode: infer_runner -# infer_runner中 class配置为 class: infer -# 修改phase阶段为infer的配置,参照config注释 +### 模型效果 (测试) -# 修改完config.yaml后 执行: -python -m paddlerec.run -m ./config.yaml # 以dssm为例 -``` +| 数据集 | 模型 | 正逆序比 | map | +| :------------------: | :--------------------: | :---------: |:---------: | +| zhidao | DSSM | 2.25 | -- | +| Letor07 | match-pyramid | -- | 0.42 | +| zhidao | multiview-simnet | 1.72 | -- | diff --git a/models/multitask/mmoe/README.md b/models/multitask/mmoe/README.md index 19f4674d97e56630acea2029396d12668e7dc3b1..d652e48dffac97481e75d827ec35854bae141dae 100644 --- a/models/multitask/mmoe/README.md +++ b/models/multitask/mmoe/README.md @@ -1,149 +1,123 @@ -# MMOE - - 以下是本例的简要目录结构及说明: - -``` -├── data # 文档 - ├── train #训练数据 - ├── train_data.txt - ├── test #测试数据 - ├── test_data.txt - ├── run.sh - ├── data_preparation.py -├── __init__.py -├── config.yaml #配置文件 -├── census_reader.py #数据读取文件 -├── model.py #模型文件 -``` - -注:在阅读该示例前,建议您先了解以下内容: - -[paddlerec入门教程](https://github.com/PaddlePaddle/PaddleRec/blob/master/README.md) - -## 内容 - -- [模型简介](https://github.com/PaddlePaddle/PaddleRec/tree/master/models/multitask/mmoe#模型简介) -- [数据准备](https://github.com/PaddlePaddle/PaddleRec/tree/master/models/multitask/mmoe#数据准备) -- [运行环境](https://github.com/PaddlePaddle/PaddleRec/tree/master/models/multitask/mmoe#运行环境) -- [快速开始](https://github.com/PaddlePaddle/PaddleRec/tree/master/models/multitask/mmoe#快速开始) -- [论文复现](https://github.com/PaddlePaddle/PaddleRec/tree/master/models/multitask/mmoe#论文复现) -- [进阶使用](https://github.com/PaddlePaddle/PaddleRec/tree/master/models/multitask/mmoe#进阶使用) -- [FAQ](https://github.com/PaddlePaddle/PaddleRec/tree/master/models/multitask/mmoe#FAQ) - -## 模型简介 - -多任务模型通过学习不同任务的联系和差异,可提高每个任务的学习效率和质量。多任务学习的的框架广泛采用shared-bottom的结构,不同任务间共用底部的隐层。这种结构本质上可以减少过拟合的风险,但是效果上可能受到任务差异和数据分布带来的影响。 论文[《Modeling Task Relationships in Multi-task Learning with Multi-gate Mixture-of-Experts》]( https://www.kdd.org/kdd2018/accepted-papers/view/modeling-task-relationships-in-multi-task-learning-with-multi-gate-mixture- )中提出了一个Multi-gate Mixture-of-Experts(MMOE)的多任务学习结构。MMOE模型刻画了任务相关性,基于共享表示来学习特定任务的函数,避免了明显增加参数的缺点。 - -我们在Paddlepaddle定义MMOE的网络结构,在开源数据集Census-income Data上验证模型效果,两个任务的auc分别为: - -1.income - -> max_mmoe_test_auc_income:0.94937 -> -> mean_mmoe_test_auc_income:0.94465 - -2.marital - -> max_mmoe_test_auc_marital:0.99419 -> -> mean_mmoe_test_auc_marital:0.99324 - -若进行精度验证,请参考[论文复现](https://github.com/PaddlePaddle/PaddleRec/tree/master/models/multitask/mmoe#论文复现)部分。 - -本项目支持功能 +# MMOE + + 以下是本例的简要目录结构及说明: + +``` +├── data # 文档 + ├── train #训练数据 + ├── train_data.txt + ├── test #测试数据 + ├── test_data.txt + ├── run.sh + ├── data_preparation.py +├── __init__.py +├── config.yaml #配置文件 +├── census_reader.py #数据读取文件 +├── model.py #模型文件 +``` + +注:在阅读该示例前,建议您先了解以下内容: + +[paddlerec入门教程](https://github.com/PaddlePaddle/PaddleRec/blob/master/README.md) + +## 内容 + +- [模型简介](https://github.com/PaddlePaddle/PaddleRec/tree/master/models/multitask/mmoe#模型简介) +- [数据准备](https://github.com/PaddlePaddle/PaddleRec/tree/master/models/multitask/mmoe#数据准备) +- [运行环境](https://github.com/PaddlePaddle/PaddleRec/tree/master/models/multitask/mmoe#运行环境) +- [快速开始](https://github.com/PaddlePaddle/PaddleRec/tree/master/models/multitask/mmoe#快速开始) +- [论文复现](https://github.com/PaddlePaddle/PaddleRec/tree/master/models/multitask/mmoe#论文复现) +- [进阶使用](https://github.com/PaddlePaddle/PaddleRec/tree/master/models/multitask/mmoe#进阶使用) +- [FAQ](https://github.com/PaddlePaddle/PaddleRec/tree/master/models/multitask/mmoe#FAQ) + +## 模型简介 + +多任务模型通过学习不同任务的联系和差异,可提高每个任务的学习效率和质量。多任务学习的的框架广泛采用shared-bottom的结构,不同任务间共用底部的隐层。这种结构本质上可以减少过拟合的风险,但是效果上可能受到任务差异和数据分布带来的影响。 论文[《Modeling Task Relationships in Multi-task Learning with Multi-gate Mixture-of-Experts》]( https://www.kdd.org/kdd2018/accepted-papers/view/modeling-task-relationships-in-multi-task-learning-with-multi-gate-mixture- )中提出了一个Multi-gate Mixture-of-Experts(MMOE)的多任务学习结构。MMOE模型刻画了任务相关性,基于共享表示来学习特定任务的函数,避免了明显增加参数的缺点。 + +我们在Paddlepaddle定义MMOE的网络结构,在开源数据集Census-income Data上验证模型效果。 + +若进行精度验证,请参考[论文复现](https://github.com/PaddlePaddle/PaddleRec/tree/master/models/multitask/mmoe#论文复现)部分。 + +本项目支持功能 训练:单机CPU、单机单卡GPU、单机多卡GPU、本地模拟参数服务器训练、增量训练,配置请参考 [启动训练](https://github.com/PaddlePaddle/PaddleRec/blob/master/doc/train.md) 预测:单机CPU、单机单卡GPU ;配置请参考[PaddleRec 离线预测](https://github.com/PaddlePaddle/PaddleRec/blob/master/doc/predict.md) ## 数据准备 -数据地址: [Census-income Data](https://archive.ics.uci.edu/ml/machine-learning-databases/census-income-mld/census.tar.gz ) +数据地址: [Census-income Data](https://archive.ics.uci.edu/ml/machine-learning-databases/census-income-mld/census.tar.gz ) + + +生成的格式以逗号为分割点 + +``` +0,0,73,0,0,0,0,1700.09,0,0 +``` + +完整的大数据参考论文复现部分。 -数据解压后, 在run.sh脚本文件中添加文件的路径,并运行脚本。 +## 运行环境 -```sh -mkdir train_data -mkdir test_data -mkdir data -train_path="data/census-income.data" -test_path="data/census-income.test" -train_data_path="train_data/" -test_data_path="test_data/" -pip install -r requirements.txt -wget -P data/ https://archive.ics.uci.edu/ml/machine-learning-databases/census-income-mld/census.tar.gz -tar -zxvf data/census.tar.gz -C data/ +PaddlePaddle>=1.7.2 -python data_preparation.py --train_path ${train_path} \ - --test_path ${test_path} \ - --train_data_path ${train_data_path}\ - --test_data_path ${test_data_path} +python 2.7/3.5/3.6/3.7 +PaddleRec >=0.1 + +os : windows/linux/macos + +## 快速开始 + +### 单机训练 + +CPU环境 + +在config.yaml文件中设置好设备,epochs等。 + +``` +dataset: +- name: dataset_train + batch_size: 5 + type: QueueDataset + data_path: "{workspace}/data/train" + data_converter: "{workspace}/census_reader.py" +- name: dataset_infer + batch_size: 5 + type: QueueDataset + data_path: "{workspace}/data/train" + data_converter: "{workspace}/census_reader.py" ``` -生成的格式以逗号为分割点 +### 单机预测 +CPU环境 + +在config.yaml文件中设置好epochs、device等参数。 ``` -0,0,73,0,0,0,0,1700.09,0,0 +- name: infer_runner + class: infer + init_model_path: "increment/0" + device: cpu ``` +## 论文复现 + +数据下载,我们提供了在百度云上预处理好的数据,可以直接训练 + +``` +wget https://paddlerec.bj.bcebos.com/mmoe/train_data.csv +wget https://paddlerec.bj.bcebos.com/mmoe/test_data.csv +wget https://paddlerec.bj.bcebos.com/mmoe/config_all.yaml +``` + +用原论文的完整数据复现论文效果需要在config.yaml中修改batch_size=32 gpu配置等,可参考config_all.yaml -## 运行环境 - -PaddlePaddle>=1.7.2 - -python 2.7/3.5/3.6/3.7 - -PaddleRec >=0.1 - -os : windows/linux/macos - -## 快速开始 - -### 单机训练 - -CPU环境 - -在config.yaml文件中设置好设备,epochs等。 - -``` -dataset: -- name: dataset_train - batch_size: 5 - type: QueueDataset - data_path: "{workspace}/data/train" - data_converter: "{workspace}/census_reader.py" -- name: dataset_infer - batch_size: 5 - type: QueueDataset - data_path: "{workspace}/data/train" - data_converter: "{workspace}/census_reader.py" -``` - -### 单机预测 - -CPU环境 - -在config.yaml文件中设置好epochs、device等参数。 - -``` -- name: infer_runner - class: infer - init_model_path: "increment/0" - device: cpu -``` - -## 论文复现 - -用原论文的完整数据复现论文效果需要在config.yaml中修改batch_size=1000, thread_num=8, epoch_num=4 - 使用gpu p100 单卡训练 6.5h 测试auc: best:0.9940, mean:0.9932 - -修改后运行方案:修改config.yaml中的'workspace'为config.yaml的目录位置,执行 - -``` -python -m paddlerec.run -m /home/your/dir/config.yaml #调试模式 直接指定本地config的绝对路径 -``` - -## 进阶使用 - + +``` +python -m paddlerec.run -m /home/your/dir/config_all.yaml #调试模式 直接指定本地config的绝对路径 +``` + +## 进阶使用 + ## FAQ diff --git a/models/multitask/mmoe/config.yaml b/models/multitask/mmoe/config.yaml index ee2447ffeef1ab1228cf2a00bef456ed1acac396..0c79f9e6086c70b9c0d4b9cc26fc8bdfe76662fe 100644 --- a/models/multitask/mmoe/config.yaml +++ b/models/multitask/mmoe/config.yaml @@ -16,13 +16,13 @@ workspace: "models/multitask/mmoe" dataset: - name: dataset_train - batch_size: 1 - type: DataLoader # or QueueDataset + batch_size: 5 + type: QueueDataset data_path: "{workspace}/data/train" data_converter: "{workspace}/census_reader.py" - name: dataset_infer - batch_size: 1 - type: DataLoader # or QueueDataset + batch_size: 5 + type: QueueDataset data_path: "{workspace}/data/train" data_converter: "{workspace}/census_reader.py" @@ -44,7 +44,7 @@ runner: class: train device: cpu epochs: 3 - save_checkpoint_interval: 2 + save_checkpoint_interval: 1 save_inference_interval: 4 save_checkpoint_path: "increment" save_inference_path: "inference" diff --git a/models/rank/dnn/config.yaml b/models/rank/dnn/config.yaml index e984501548529bcd0e65bbf6e53554a3b340aa47..aa84a5070470cba750f7832644a9ce676c1d4ddd 100755 --- a/models/rank/dnn/config.yaml +++ b/models/rank/dnn/config.yaml @@ -67,7 +67,6 @@ runner: save_inference_path: "inference" # save inference path save_inference_feed_varnames: [] # feed vars of save inference save_inference_fetch_varnames: [] # fetch vars of save inference - init_model_path: "" # load model path print_interval: 10 phases: [phase1] diff --git a/models/recall/word2vec/README.md b/models/recall/word2vec/README.md new file mode 100644 index 0000000000000000000000000000000000000000..7f6ed7522801822b9281df84a6a6924f30eb2f87 --- /dev/null +++ b/models/recall/word2vec/README.md @@ -0,0 +1,248 @@ +# Skip-Gram W2V + +以下是本例的简要目录结构及说明: + +``` +├── data #样例数据 + ├── train + ├── convert_sample.txt + ├── test + ├── sample.txt + ├── dict + ├── word_count_dict.txt + ├── word_id_dict.txt +├── preprocess.py # 数据预处理文件 +├── __init__.py +├── README.md # 文档 +├── model.py #模型文件 +├── config.yaml #配置文件 +├── data_prepare.sh #一键数据处理脚本 +├── w2v_reader.py #训练数据reader +├── w2v_evaluate_reader.py # 预测数据reader +├── infer.py # 自定义预测脚本 +├── utils.py # 自定义预测中用到的reader等工具 +``` + +注:在阅读该示例前,建议您先了解以下内容: + +[paddlerec入门教程](https://github.com/PaddlePaddle/PaddleRec/blob/master/README.md) + + +--- +## 内容 + +- [模型简介](#模型简介) +- [数据准备](#数据准备) +- [运行环境](#运行环境) +- [快速开始](#快速开始) +- [论文复现](#论文复现) +- [进阶使用](#进阶使用) +- [FAQ](#FAQ) + +## 模型简介 +本例实现了skip-gram模式的word2vector模型,如下图所示: +

+ +

+以每一个词为中心词X,然后在窗口内和临近的词Y组成样本对(X,Y)用于网络训练。在实际训练过程中还会根据自定义的负采样率生成负样本来加强训练的效果 +具体的训练思路如下: +

+ +

+ +推荐用户参考[ IPython Notebook demo](https://aistudio.baidu.com/aistudio/projectDetail/124377)教程获取更详细的信息。 + +本模型配置默认使用demo数据集,若进行精度验证,请参考[论文复现](#论文复现)部分。 + +本项目支持功能 + +训练:单机CPU、本地模拟参数服务器训练、增量训练,配置请参考 [启动训练](https://github.com/PaddlePaddle/PaddleRec/blob/master/doc/train.md) + +预测:单机CPU;配置请参考[PaddleRec 离线预测](https://github.com/PaddlePaddle/PaddleRec/blob/master/doc/predict.md) + +## 数据处理 +为和样例数据路径区分,全量训练数据、测试数据、词表文件会依次保存在data/all_train, data/all_test, data/all_dict文件夹中。 +``` +mkdir -p data/all_dict +mkdir -p data/all_train +mkdir -p data/all_test +``` +本示例中全量数据处理共包含三步: +- Step1: 数据下载。 + ``` + # 全量训练集 + mkdir raw_data + wget --no-check-certificate https://paddlerec.bj.bcebos.com/word2vec/1-billion-word-language-modeling-benchmark-r13output.tar + tar xvf 1-billion-word-language-modeling-benchmark-r13output.tar + mv 1-billion-word-language-modeling-benchmark-r13output/training-monolingual.tokenized.shuffled/ raw_data/ + + # 测试集 + wget --no-check-certificate https://paddlerec.bj.bcebos.com/word2vec/test_dir.tar + tar xzvf test_dir.tar -C raw_data + mv raw_data/data/test_dir/* data/all_test/ + ``` + +- Step2: 训练据预处理。包含三步,第一步,根据英文语料生成词典,中文语料可以通过修改text_strip方法自定义处理方法。 + ``` + python preprocess.py --build_dict --build_dict_corpus_dir raw_data/training-monolingual.tokenized.shuffled --dict_path raw_data/word_count_dict.txt + ``` + 得到的词典格式为词<空格>词频,低频词用'UNK'表示,如下所示: + ``` + the 1061396 + of 593677 + and 416629 + one 411764 + in 372201 + a 325873 + 324608 + to 316376 + zero 264975 + nine 250430 + ``` + 第二步,根据词典将文本转成id, 同时进行downsample,按照概率过滤常见词, 同时生成word和id映射的文件,文件名为词典+"word_to_id"。 + ``` + python preprocess.py --filter_corpus --dict_path raw_data/word_count_dict.txt --input_corpus_dir raw_data/training-monolingual.tokenized.shuffled --output_corpus_dir raw_data/convert_text8 --min_count 5 --downsample 0.001 + ``` + 第三步,为更好地利用多线程进行训练加速,我们需要将训练文件分成多个子文件,默认拆分成1024个文件。 + ``` + python preprocess.py --data_resplit --input_corpus_dir=raw_data/convert_text8 --output_corpus_dir=data/all_train + ``` +- Step3: 路径整理。 + ``` + mv raw_data/word_count_dict.txt data/all_dict/ + mv raw_data/word_count_dict.txt_word_to_id_ data/all_dict/word_id_dict.txt + rm -rf raw_data + ``` +方便起见, 我们提供了一键式数据处理脚本: +``` +sh data_prepare.sh +``` + +## 运行环境 + +PaddlePaddle>=1.7.2 + +python 2.7/3.5/3.6/3.7 + +PaddleRec >=0.1 + +os : windows/linux/macos + +## 快速开始 + +### 单机训练 + +CPU环境 + +在config.yaml文件中设置好设备,epochs等。 + +``` +# select runner by name +mode: [single_cpu_train, single_cpu_infer] +# config of each runner. +# runner is a kind of paddle training class, which wraps the train/infer process. +runner: +- name: single_cpu_train + class: train + # num of epochs + epochs: 5 + # device to run training or infer + device: cpu + save_checkpoint_interval: 1 # save model interval of epochs + save_inference_interval: 1 # save inference + save_checkpoint_path: "increment_w2v" # save checkpoint path + save_inference_path: "inference_w2v" # save inference path + save_inference_feed_varnames: [] # feed vars of save inference + save_inference_fetch_varnames: [] # fetch vars of save inference + init_model_path: "" # load model path + print_interval: 1 + phases: [phase1] +``` +### 单机预测 +我们通过词类比(Word Analogy)任务来检验word2vec模型的训练效果。输入四个词A,B,C,D,假设存在一种关系relation, 使得relation(A, B) = relation(C, D),然后通过A,B,C去预测D,emb(D) = emb(B) - emb(A) + emb(C)。 + +CPU环境 + +PaddleRec预测配置: + +在config.yaml文件中设置好epochs、device等参数。 + +``` +- name: single_cpu_infer + class: infer + # device to run training or infer + device: cpu + init_model_path: "increment_w2v" # load model path + print_interval: 1 + phases: [phase2] +``` + +为复现论文效果,我们提供了一个自定义预测脚本,在自定义预测中,我们会跳过预测结果是输入A,B,C的情况,然后计算预测准确率。执行命令如下: +``` +python infer.py --test_dir ./data/test --dict_path ./data/dict/word_id_dict.txt --batch_size 20000 --model_dir ./increment_w2v/ --start_index 0 --last_index 5 --emb_size 300 +``` + +### 运行 +``` +python -m paddlerec.run -m paddlerec.models.recall.word2vec +``` + +### 结果展示 + +样例数据训练结果展示: + +``` +Running SingleStartup. +Running SingleRunner. +W0813 11:36:16.129736 43843 build_strategy.cc:170] fusion_group is not enabled for Windows/MacOS now, and only effective when running with CUDA GPU. +batch: 1, LOSS: [3.618 3.684 3.698 3.653 3.736] +batch: 2, LOSS: [3.394 3.453 3.605 3.487 3.553] +batch: 3, LOSS: [3.411 3.402 3.444 3.387 3.357] +batch: 4, LOSS: [3.557 3.196 3.304 3.209 3.299] +batch: 5, LOSS: [3.217 3.141 3.168 3.114 3.315] +batch: 6, LOSS: [3.342 3.219 3.124 3.207 3.282] +batch: 7, LOSS: [3.19 3.207 3.136 3.322 3.164] +epoch 0 done, use time: 0.119026899338, global metrics: LOSS=[3.19 3.207 3.136 3.322 3.164] +... +epoch 4 done, use time: 0.097608089447, global metrics: LOSS=[2.734 2.66 2.763 2.804 2.809] +``` +样例数据预测结果展示: +``` +Running SingleInferStartup. +Running SingleInferRunner. +load persistables from increment_w2v/4 +batch: 1, acc: [1.] +batch: 2, acc: [1.] +batch: 3, acc: [1.] +Infer phase2 of epoch 4 done, use time: 4.89376211166, global metrics: acc=[1.] +... +Infer phase2 of epoch 3 done, use time: 4.43099021912, global metrics: acc=[1.] +``` + +## 论文复现 + +1. 用原论文的完整数据复现论文效果需要在config.yaml修改超参: +- name: dataset_train + batch_size: 100 # 1. 修改batch_size为100 + type: DataLoader + data_path: "{workspace}/data/all_train" # 2. 修改数据为全量训练数据 + word_count_dict_path: "{workspace}/data/all_dict/ word_count_dict.txt" # 3. 修改词表为全量词表 + data_converter: "{workspace}/w2v_reader.py" + +- name: single_cpu_train + - epochs: # 4. 修改config.yaml中runner的epochs为5。 + +修改后运行方案:修改config.yaml中的'workspace'为config.yaml的目录位置,执行 +``` +python -m paddlerec.run -m /home/your/dir/config.yaml #调试模式 直接指定本地config的绝对路径 +``` + +2. 使用自定义预测程序预测全量测试集: +``` +python infer.py --test_dir ./data/all_test --dict_path ./data/all_dict/word_id_dict.txt --batch_size 20000 --model_dir ./increment_w2v/ --start_index 0 --last_index 5 --emb_size 300 +``` + +结论:使用cpu训练5轮,自定义预测准确率为0.540,每轮训练时间7小时左右。 +## 进阶使用 + +## FAQ diff --git a/models/recall/word2vec/config.yaml b/models/recall/word2vec/config.yaml index 96f47221f26af19dc6cb505d34a27ca1295b4b50..7da9da0051ae5b6dab9c223c7064c76d5bd4fe5a 100755 --- a/models/recall/word2vec/config.yaml +++ b/models/recall/word2vec/config.yaml @@ -22,7 +22,7 @@ dataset: word_count_dict_path: "{workspace}/data/dict/word_count_dict.txt" data_converter: "{workspace}/w2v_reader.py" - name: dataset_infer # name - batch_size: 50 + batch_size: 2000 type: DataLoader # or QueueDataset data_path: "{workspace}/data/test" word_id_dict_path: "{workspace}/data/dict/word_id_dict.txt" @@ -42,38 +42,40 @@ hyper_parameters: window_size: 5 # select runner by name -mode: train_runner +mode: [single_cpu_train, single_cpu_infer] # config of each runner. # runner is a kind of paddle training class, which wraps the train/infer process. runner: -- name: train_runner +- name: single_cpu_train class: train # num of epochs - epochs: 2 + epochs: 5 # device to run training or infer device: cpu save_checkpoint_interval: 1 # save model interval of epochs save_inference_interval: 1 # save inference - save_checkpoint_path: "increment" # save checkpoint path - save_inference_path: "inference" # save inference path + save_checkpoint_path: "increment_w2v" # save checkpoint path + save_inference_path: "inference_w2v" # save inference path save_inference_feed_varnames: [] # feed vars of save inference save_inference_fetch_varnames: [] # fetch vars of save inference init_model_path: "" # load model path - print_interval: 1 -- name: infer_runner + print_interval: 1000 + phases: [phase1] +- name: single_cpu_infer class: infer # device to run training or infer device: cpu - init_model_path: "increment/0" # load model path + init_model_path: "increment_w2v" # load model path print_interval: 1 + phases: [phase2] # runner will run all the phase in each epoch phase: - name: phase1 model: "{workspace}/model.py" # user-defined model dataset_name: dataset_train # select dataset by name + thread_num: 5 +- name: phase2 + model: "{workspace}/model.py" # user-defined model + dataset_name: dataset_infer # select dataset by name thread_num: 1 -# - name: phase2 -# model: "{workspace}/model.py" # user-defined model -# dataset_name: dataset_infer # select dataset by name -# thread_num: 1 diff --git a/models/recall/word2vec/data_prepare.sh b/models/recall/word2vec/data_prepare.sh index eb1665240f58ae67afb942885932886e59e5a0a3..0cf8e3202fdda8541370e7726380c5a02a636a20 100644 --- a/models/recall/word2vec/data_prepare.sh +++ b/models/recall/word2vec/data_prepare.sh @@ -14,6 +14,9 @@ # See the License for the specific language governing permissions and # limitations under the License. +mkdir -p data/all_dict +mkdir -p data/all_train +mkdir -p data/all_test # download train_data mkdir raw_data @@ -21,18 +24,16 @@ wget --no-check-certificate https://paddlerec.bj.bcebos.com/word2vec/1-billion-w tar xvf 1-billion-word-language-modeling-benchmark-r13output.tar mv 1-billion-word-language-modeling-benchmark-r13output/training-monolingual.tokenized.shuffled/ raw_data/ +# download test data +wget --no-check-certificate https://paddlerec.bj.bcebos.com/word2vec/test_dir.tar +tar xzvf test_dir.tar -C raw_data +mv raw_data/data/test_dir/* data/all_test/ + # preprocess data python preprocess.py --build_dict --build_dict_corpus_dir raw_data/training-monolingual.tokenized.shuffled --dict_path raw_data/word_count_dict.txt python preprocess.py --filter_corpus --dict_path raw_data/word_count_dict.txt --input_corpus_dir raw_data/training-monolingual.tokenized.shuffled --output_corpus_dir raw_data/convert_text8 --min_count 5 --downsample 0.001 -mv raw_data/word_count_dict.txt data/dict/ -mv raw_data/word_id_dict.txt data/dict/ +python preprocess.py --data_resplit --input_corpus_dir=raw_data/convert_text8 --output_corpus_dir=data/all_train -rm -rf data/train/* -rm -rf data/test/* -python preprocess.py --data_resplit --input_corpus_dir=raw_data/convert_text8 --output_corpus_dir=data/train - -# download test data -wget --no-check-certificate https://paddlerec.bj.bcebos.com/word2vec/test_dir.tar -tar xzvf test_dir.tar -C raw_data -mv raw_data/data/test_dir/* data/test/ +mv raw_data/word_count_dict.txt data/all_dict/ +mv raw_data/word_count_dict.txt_word_to_id_ data/all_dict/word_id_dict.txt rm -rf raw_data diff --git a/models/recall/word2vec/infer.py b/models/recall/word2vec/infer.py new file mode 100644 index 0000000000000000000000000000000000000000..9593a70b5c4880c02bb5ea1ae70e9de4e45b36a7 --- /dev/null +++ b/models/recall/word2vec/infer.py @@ -0,0 +1,155 @@ +# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import argparse +import sys +import time +import math +import numpy as np +import six +import paddle.fluid as fluid +import paddle +import utils +if six.PY2: + reload(sys) + sys.setdefaultencoding('utf-8') + + +def parse_args(): + parser = argparse.ArgumentParser("PaddlePaddle Word2vec infer example") + parser.add_argument( + '--dict_path', + type=str, + default='./data/data_c/1-billion_dict_word_to_id_', + help="The path of dic") + parser.add_argument( + '--test_dir', type=str, default='test_data', help='test file address') + parser.add_argument( + '--print_step', type=int, default='500000', help='print step') + parser.add_argument( + '--start_index', type=int, default='0', help='start index') + parser.add_argument( + '--last_index', type=int, default='100', help='last index') + parser.add_argument( + '--model_dir', type=str, default='model', help='model dir') + parser.add_argument( + '--use_cuda', type=int, default='0', help='whether use cuda') + parser.add_argument( + '--batch_size', type=int, default='5', help='batch_size') + parser.add_argument( + '--emb_size', type=int, default='64', help='batch_size') + args = parser.parse_args() + return args + + +def infer_network(vocab_size, emb_size): + analogy_a = fluid.data(name="analogy_a", shape=[None], dtype='int64') + analogy_b = fluid.data(name="analogy_b", shape=[None], dtype='int64') + analogy_c = fluid.data(name="analogy_c", shape=[None], dtype='int64') + all_label = fluid.data(name="all_label", shape=[vocab_size], dtype='int64') + emb_all_label = fluid.embedding( + input=all_label, size=[vocab_size, emb_size], param_attr="emb") + + emb_a = fluid.embedding( + input=analogy_a, size=[vocab_size, emb_size], param_attr="emb") + emb_b = fluid.embedding( + input=analogy_b, size=[vocab_size, emb_size], param_attr="emb") + emb_c = fluid.embedding( + input=analogy_c, size=[vocab_size, emb_size], param_attr="emb") + target = fluid.layers.elementwise_add( + fluid.layers.elementwise_sub(emb_b, emb_a), emb_c) + emb_all_label_l2 = fluid.layers.l2_normalize(x=emb_all_label, axis=1) + dist = fluid.layers.matmul(x=target, y=emb_all_label_l2, transpose_y=True) + values, pred_idx = fluid.layers.topk(input=dist, k=4) + return values, pred_idx + + +def infer_epoch(args, vocab_size, test_reader, use_cuda, i2w): + """ inference function """ + place = fluid.CUDAPlace(0) if use_cuda else fluid.CPUPlace() + exe = fluid.Executor(place) + emb_size = args.emb_size + batch_size = args.batch_size + with fluid.scope_guard(fluid.Scope()): + main_program = fluid.Program() + with fluid.program_guard(main_program): + values, pred = infer_network(vocab_size, emb_size) + for epoch in range(start_index, last_index + 1): + copy_program = main_program.clone() + model_path = model_dir + "/" + str(epoch) + fluid.io.load_persistables( + exe, model_path, main_program=copy_program) + accum_num = 0 + accum_num_sum = 0.0 + t0 = time.time() + step_id = 0 + for data in test_reader(): + step_id += 1 + b_size = len([dat[0] for dat in data]) + wa = np.array([dat[0] for dat in data]).astype( + "int64").reshape(b_size) + wb = np.array([dat[1] for dat in data]).astype( + "int64").reshape(b_size) + wc = np.array([dat[2] for dat in data]).astype( + "int64").reshape(b_size) + + label = [dat[3] for dat in data] + input_word = [dat[4] for dat in data] + para = exe.run(copy_program, + feed={ + "analogy_a": wa, + "analogy_b": wb, + "analogy_c": wc, + "all_label": np.arange(vocab_size) + .reshape(vocab_size).astype("int64"), + }, + fetch_list=[pred.name, values], + return_numpy=False) + pre = np.array(para[0]) + val = np.array(para[1]) + for ii in range(len(label)): + top4 = pre[ii] + accum_num_sum += 1 + for idx in top4: + if int(idx) in input_word[ii]: + continue + if int(idx) == int(label[ii][0]): + accum_num += 1 + break + if step_id % 1 == 0: + print("step:%d %d " % (step_id, accum_num)) + + print("epoch:%d \t acc:%.3f " % + (epoch, 1.0 * accum_num / accum_num_sum)) + + +if __name__ == "__main__": + args = parse_args() + start_index = args.start_index + last_index = args.last_index + test_dir = args.test_dir + model_dir = args.model_dir + batch_size = args.batch_size + dict_path = args.dict_path + use_cuda = True if args.use_cuda else False + print("start index: ", start_index, " last_index:", last_index) + vocab_size, test_reader, id2word = utils.prepare_data( + test_dir, dict_path, batch_size=batch_size) + print("vocab_size:", vocab_size) + infer_epoch( + args, + vocab_size, + test_reader=test_reader, + use_cuda=use_cuda, + i2w=id2word) diff --git a/models/recall/word2vec/model.py b/models/recall/word2vec/model.py index 138bfd1a7dd4a70f454fab63c50835192f4ec107..8775e08bf094b22ff9070d5d7f6b08cab9a3d873 100755 --- a/models/recall/word2vec/model.py +++ b/models/recall/word2vec/model.py @@ -209,10 +209,10 @@ class Model(ModelBase): emb_all_label_l2 = fluid.layers.l2_normalize(x=emb_all_label, axis=1) dist = fluid.layers.matmul( x=target, y=emb_all_label_l2, transpose_y=True) - values, pred_idx = fluid.layers.topk(input=dist, k=4) + values, pred_idx = fluid.layers.topk(input=dist, k=1) label = fluid.layers.expand( fluid.layers.unsqueeze( - inputs[3], axes=[1]), expand_times=[1, 4]) + inputs[3], axes=[1]), expand_times=[1, 1]) label_ones = fluid.layers.fill_constant_batch_size_like( label, shape=[-1, 1], value=1.0, dtype='float32') right_cnt = fluid.layers.reduce_sum(input=fluid.layers.cast( diff --git a/models/recall/word2vec/preprocess.py b/models/recall/word2vec/preprocess.py index 679458e388229c5e3b3a8f3d14d212eb1d263544..c55d22dae8437b444733778a0de11aedf4aa5e46 100755 --- a/models/recall/word2vec/preprocess.py +++ b/models/recall/word2vec/preprocess.py @@ -228,7 +228,7 @@ def data_split(args): contents.extend(f.readlines()) num = int(args.file_nums) - lines_per_file = len(contents) / num + lines_per_file = int(math.ceil(len(contents) / float(num))) print("contents: ", str(len(contents))) print("lines_per_file: ", str(lines_per_file)) diff --git a/models/recall/word2vec/utils.py b/models/recall/word2vec/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..c13a3e0ed5d6a3ccd09432a0f350192847a1dcf5 --- /dev/null +++ b/models/recall/word2vec/utils.py @@ -0,0 +1,131 @@ +# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import sys +import collections +import six +import time +import numpy as np +import paddle.fluid as fluid +import paddle +import os +import preprocess +import io + + +def BuildWord_IdMap(dict_path): + word_to_id = dict() + id_to_word = dict() + with io.open(dict_path, 'r', encoding='utf-8') as f: + for line in f: + word_to_id[line.split(' ')[0]] = int(line.split(' ')[1]) + id_to_word[int(line.split(' ')[1])] = line.split(' ')[0] + return word_to_id, id_to_word + + +def prepare_data(file_dir, dict_path, batch_size): + w2i, i2w = BuildWord_IdMap(dict_path) + vocab_size = len(i2w) + reader = fluid.io.batch(test(file_dir, w2i), batch_size) + return vocab_size, reader, i2w + + +def check_version(with_shuffle_batch=False): + """ + Log error and exit when the installed version of paddlepaddle is + not satisfied. + """ + err = "PaddlePaddle version 1.6 or higher is required, " \ + "or a suitable develop version is satisfied as well. \n" \ + "Please make sure the version is good with your code." \ + + try: + if with_shuffle_batch: + fluid.require_version('1.7.0') + else: + fluid.require_version('1.6.0') + except Exception as e: + logger.error(err) + sys.exit(1) + + +def native_to_unicode(s): + if _is_unicode(s): + return s + try: + return _to_unicode(s) + except UnicodeDecodeError: + res = _to_unicode(s, ignore_errors=True) + return res + + +def _is_unicode(s): + if six.PY2: + if isinstance(s, unicode): + return True + else: + if isinstance(s, str): + return True + return False + + +def _to_unicode(s, ignore_errors=False): + if _is_unicode(s): + return s + error_mode = "ignore" if ignore_errors else "strict" + return s.decode("utf-8", errors=error_mode) + + +def strip_lines(line, vocab): + return _replace_oov(vocab, native_to_unicode(line)) + + +def _replace_oov(original_vocab, line): + """Replace out-of-vocab words with "". + This maintains compatibility with published results. + Args: + original_vocab: a set of strings (The standard vocabulary for the dataset) + line: a unicode string - a space-delimited sequence of words. + Returns: + a unicode string - a space-delimited sequence of words. + """ + return u" ".join([ + word if word in original_vocab else u"" for word in line.split() + ]) + + +def reader_creator(file_dir, word_to_id): + def reader(): + files = os.listdir(file_dir) + for fi in files: + with io.open( + os.path.join(file_dir, fi), "r", encoding='utf-8') as f: + for line in f: + if ':' in line: + pass + else: + line = strip_lines(line.lower(), word_to_id) + line = line.split() + yield [word_to_id[line[0]]], [word_to_id[line[1]]], [ + word_to_id[line[2]] + ], [word_to_id[line[3]]], [ + word_to_id[line[0]], word_to_id[line[1]], + word_to_id[line[2]] + ] + + return reader + + +def test(test_dir, w2i): + return reader_creator(test_dir, w2i) diff --git a/models/recall/word2vec/w2v_evaluate_reader.py b/models/recall/word2vec/w2v_evaluate_reader.py index 18571e475872b2805b40f9c7d25b471fec018ad7..40d0c66385d77e1fcdba91ca970359439319c6a3 100755 --- a/models/recall/word2vec/w2v_evaluate_reader.py +++ b/models/recall/word2vec/w2v_evaluate_reader.py @@ -76,7 +76,7 @@ class Reader(ReaderBase): def generate_sample(self, line): def reader(): if ':' in line: - pass + return features = self.strip_lines(line.lower(), self.word_to_id) features = features.split() yield [('analogy_a', [self.word_to_id[features[0]]]), diff --git a/models/recall/word2vec/w2v_reader.py b/models/recall/word2vec/w2v_reader.py index 768f380337059dbfaf793e5a8b7553703337706c..5c4e45b62c3fe11f9800ea8286264ace927c13b9 100755 --- a/models/recall/word2vec/w2v_reader.py +++ b/models/recall/word2vec/w2v_reader.py @@ -15,6 +15,7 @@ import io import numpy as np +import paddle.fluid as fluid from paddlerec.core.reader import ReaderBase from paddlerec.core.utils import envs @@ -47,6 +48,10 @@ class Reader(ReaderBase): self.with_shuffle_batch = envs.get_global_env( "hyper_parameters.with_shuffle_batch") self.random_generator = NumpyRandomInt(1, self.window_size + 1) + self.batch_size = envs.get_global_env( + "dataset.dataset_train.batch_size") + self.is_dataloader = envs.get_global_env( + "dataset.dataset_train.type") == "DataLoader" self.cs = None if not self.with_shuffle_batch: @@ -88,11 +93,46 @@ class Reader(ReaderBase): for context_id in context_word_ids: output = [('input_word', [int(target_id)]), ('true_label', [int(context_id)])] - if not self.with_shuffle_batch: + if self.with_shuffle_batch or self.is_dataloader: + yield output + else: neg_array = self.cs.searchsorted( np.random.sample(self.neg_num)) output += [('neg_label', [int(str(i)) for i in neg_array])] - yield output + yield output return reader + + def batch_tensor_creator(self, sample_reader): + def __reader__(): + result = [[], []] + for sample in sample_reader(): + for i, fea in enumerate(sample): + result[i].append(fea) + if len(result[0]) == self.batch_size: + tensor_result = [] + for tensor in result: + t = fluid.Tensor() + dat = np.array(tensor, dtype='int64') + if len(dat.shape) > 2: + dat = dat.reshape((dat.shape[0], dat.shape[2])) + elif len(dat.shape) == 1: + dat = dat.reshape((-1, 1)) + t.set(dat, fluid.CPUPlace()) + tensor_result.append(t) + if self.with_shuffle_batch: + yield tensor_result + else: + tt = fluid.Tensor() + neg_array = self.cs.searchsorted( + np.random.sample(self.neg_num)) + neg_array = np.tile(neg_array, self.batch_size) + tt.set( + neg_array.reshape((self.batch_size, self.neg_num)), + fluid.CPUPlace()) + tensor_result.append(tt) + yield tensor_result + result = [[], []] + + return __reader__ diff --git a/models/recall/youtube_dnn/README.md b/models/recall/youtube_dnn/README.md new file mode 100644 index 0000000000000000000000000000000000000000..d7ae92e268dcafded93d4298639ed47271302d44 --- /dev/null +++ b/models/recall/youtube_dnn/README.md @@ -0,0 +1,146 @@ +# Youtebe-DNN + +以下是本例的简要目录结构及说明: + +``` +├── data #样例数据 + ├── train + ├── data.txt + ├── test + ├── data.txt +├── generate_ramdom_data # 随机训练数据生成文件 +├── __init__.py +├── README.md # 文档 +├── model.py #模型文件 +├── config.yaml #配置文件 +├── data_prepare.sh #一键数据处理脚本 +├── reader.py #reader +├── infer.py # 预测程序 +``` + +注:在阅读该示例前,建议您先了解以下内容: + +[paddlerec入门教程](https://github.com/PaddlePaddle/PaddleRec/blob/master/README.md) + + +--- +## 内容 + +- [模型简介](#模型简介) +- [数据准备](#数据准备) +- [运行环境](#运行环境) +- [快速开始](#快速开始) +- [论文复现](#论文复现) +- [进阶使用](#进阶使用) +- [FAQ](#FAQ) + +## 模型简介 +[《Deep Neural Networks for YouTube Recommendations》](https://link.zhihu.com/?target=https%3A//static.googleusercontent.com/media/research.google.com/zh-CN//pubs/archive/45530.pdf) 这篇论文是google的YouTube团队在推荐系统上DNN方面的尝试,是经典的向量化召回模型,主要通过模型来学习用户和物品的兴趣向量,并通过内积来计算用户和物品之间的相似性,从而得到最终的候选集。YouTube采取了两层深度网络完成整个推荐过程: + +1.第一层是**Candidate Generation Model**完成候选视频的快速筛选,这一步候选视频集合由百万降低到了百的量级。 + +2.第二层是用**Ranking Model**完成几百个候选视频的精排。 + +本项目在paddlepaddle上完成YouTube dnn的召回部分Candidate Generation Model,分别获得用户和物品的向量表示,从而后续可以通过其他方法(如用户和物品的余弦相似度)给用户推荐物品。 + +由于原论文没有开源数据集,本项目随机构造数据验证网络的正确性。 + +本项目支持功能 + +训练:单机CPU、单机单卡GPU、本地模拟参数服务器训练、增量训练,配置请参考 [启动训练](https://github.com/PaddlePaddle/PaddleRec/blob/master/doc/train.md) + +预测:单机CPU、单机单卡GPU;配置请参考[PaddleRec 离线预测](https://github.com/PaddlePaddle/PaddleRec/blob/master/doc/predict.md) + +## 数据处理 +调用python generate_ramdom_data.py生成随机训练数据,每行数据格式如下: +``` +#watch_vec;search_vec;other_feat;label +0.01,0.02,...,0.09;0.01,0.02,...,0.09;0.01,0.02,...,0.09;20 +``` +方便起见,我们提供了一键式数据生成脚本: +``` +sh data_prepare.sh +``` + +## 运行环境 + +PaddlePaddle>=1.7.2 + +python 2.7/3.5/3.6/3.7 + +PaddleRec >=0.1 + +os : windows/linux/macos + +## 快速开始 + +### 单机训练 + +``` +mode: [cpu_single_train] + +runner: +- name: cpu_single_train + class: train + device: cpu # if use_gpu, set it to gpu + epochs: 20 + save_checkpoint_interval: 1 + save_inference_interval: 1 + save_checkpoint_path: "increment_youtubednn" + save_inference_path: "inference_youtubednn" + save_inference_feed_varnames: ["watch_vec", "search_vec", "other_feat"] # feed vars of save inference + save_inference_fetch_varnames: ["l3.tmp_2"] + print_interval: 1 +``` + +### 单机预测 +通过计算每个用户和每个物品的余弦相似度,给每个用户推荐topk视频: + +cpu infer: +``` +python infer.py --test_epoch 19 --inference_model_dir ./inference_youtubednn --increment_model_dir ./increment_youtubednn --watch_vec_size 64 --search_vec_size 64 --other_feat_size 64 --topk 5 +``` + +gpu infer: +``` +python infer.py --use_gpu 1 --test_epoch 19 --inference_model_dir ./inference_youtubednn --increment_model_dir ./increment_youtubednn --watch_vec_size 64 --search_vec_size 64 --other_feat_size 64 --topk 5 +``` +### 运行 +``` +python -m paddlerec.run -m paddlerec.models.recall.w2v +``` + +### 结果展示 + +样例数据训练结果展示: + +``` +Running SingleStartup. +Running SingleRunner. +batch: 1, acc: [0.03125] +batch: 2, acc: [0.0625] +batch: 3, acc: [0.] +... +epoch 0 done, use time: 0.0605320930481, global metrics: acc=[0.] +... +epoch 19 done, use time: 0.33447098732, global metrics: acc=[0.] +``` + +样例数据预测结果展示: +``` +user:0, top K videos:[40, 31, 4, 33, 93] +user:1, top K videos:[35, 57, 58, 40, 17] +user:2, top K videos:[35, 17, 88, 40, 9] +user:3, top K videos:[73, 35, 39, 58, 38] +user:4, top K videos:[40, 31, 57, 4, 73] +user:5, top K videos:[38, 9, 7, 88, 22] +user:6, top K videos:[35, 73, 14, 58, 28] +user:7, top K videos:[35, 73, 58, 38, 56] +user:8, top K videos:[38, 40, 9, 35, 99] +user:9, top K videos:[88, 73, 9, 35, 28] +user:10, top K videos:[35, 52, 28, 54, 73] +``` + +## 进阶使用 + +## FAQ diff --git a/models/recall/youtube_dnn/config.yaml b/models/recall/youtube_dnn/config.yaml index f77755150cd84b5a5c30a3736aa15315ce239364..048963f558b54cc7cfedf505f30bca589852a597 100644 --- a/models/recall/youtube_dnn/config.yaml +++ b/models/recall/youtube_dnn/config.yaml @@ -17,11 +17,10 @@ workspace: "models/recall/youtube_dnn" dataset: - name: dataset_train - batch_size: 5 - type: DataLoader - #type: QueueDataset + batch_size: 32 + type: DataLoader # or QueueDataset data_path: "{workspace}/data/train" - data_converter: "{workspace}/random_reader.py" + data_converter: "{workspace}/reader.py" hyper_parameters: watch_vec_size: 64 @@ -30,22 +29,23 @@ hyper_parameters: output_size: 100 layers: [128, 64, 32] optimizer: - class: adam - learning_rate: 0.001 - strategy: async + class: SGD + learning_rate: 0.01 -mode: train_runner +mode: [cpu_single_train] runner: -- name: train_runner +- name: cpu_single_train class: train device: cpu - epochs: 3 - save_checkpoint_interval: 2 - save_inference_interval: 4 - save_checkpoint_path: "increment" - save_inference_path: "inference" - print_interval: 10 + epochs: 20 + save_checkpoint_interval: 1 + save_inference_interval: 1 + save_checkpoint_path: "increment_youtubednn" + save_inference_path: "inference_youtubednn" + save_inference_feed_varnames: ["watch_vec", "search_vec", "other_feat"] # feed vars of save inference + save_inference_fetch_varnames: ["l3.tmp_2"] + print_interval: 1 phase: - name: train diff --git a/models/recall/youtube_dnn/data/test/data.txt b/models/recall/youtube_dnn/data/test/data.txt new file mode 100644 index 0000000000000000000000000000000000000000..64aff676b129b695ec331e5ea1a94439e16bf4d8 --- /dev/null +++ b/models/recall/youtube_dnn/data/test/data.txt @@ -0,0 +1,64 @@ +0.663491309502,0.0462631992275,0.110320166459,0.935335624774,0.848423288725,0.327383024174,0.034578861577,0.504204625525,0.399456947718,0.991494076354,0.35609069258,0.125509644035,0.111029681241,0.0107053613687,0.152277864434,0.429065973674,0.729009199679,0.372730438865,0.718309629947,0.0316650827627,0.692915557804,0.293932169136,0.401600100989,0.352075402009,0.664737695934,0.289952120467,0.51277750852,0.154503453043,0.45670774431,0.0895023758903,0.55951065107,0.691613915701,0.818114155108,0.357621685047,0.107789992823,0.497176331166,0.600770277764,0.922752018451,0.130871137521,0.426172183235,0.612807451472,0.293261179287,0.528358015663,0.278022232811,0.0177712748998,0.898082038855,0.438455293642,0.519032213197,0.810505919363,0.314394908905,0.965395894347,0.640618801149,0.292650315102,0.0489737047336,0.677445066279,0.47339913205,0.674104405663,0.0801497353144,0.756026837013,0.52593217333,0.452235002417,0.604411817701,0.907287679446,0.827230202401;0.977850828727,0.735656171429,0.785065544916,0.198565780904,0.544706505849,0.039677952396,0.551253079018,0.456750818092,0.585714877564,0.268410045505,0.835015425245,0.290519189488,0.796901000452,0.775228099834,0.0567713455371,0.557388639646,0.966095579815,0.843225508661,0.948695698346,0.364014886224,0.258156903853,0.031010847574,0.594834206166,0.395727543894,0.0792763660784,0.592895825115,0.522951141801,0.191433851403,0.221839072089,0.499329731329,0.0726435584111,0.1304435334,0.649220700074,0.484940332254,0.152309421606,0.483157636438,0.595243129114,0.521842790617,0.104613332731,0.79384428159,0.422804794194,0.30496294286,0.0520971284786,0.801279246323,0.737422875989,0.931025257885,0.551735146559,0.272569007741,0.532573776049,0.936146709892,0.741300360879,0.182841290271,0.268204500494,0.564380671493,0.28277740763,0.764460991224,0.724844562963,0.308909533554,0.278068690764,0.720810517049,0.234775525122,0.118345564569,0.605303865539,0.957503776109;0.163856499285,0.125235057206,0.388318092277,0.73267295319,0.692168583601,0.906625620481,0.391968364638,0.943677721055,0.385348826216,0.342165092282,0.48472722125,0.51775663604,0.348643731423,0.347010096317,0.581397840675,0.190013631798,0.680276644748,0.447425075407,0.614735014292,0.559669119341,0.702003534572,0.400971637847,0.0481670731018,0.0111658500663,0.435858990037,0.173385332599,0.524925859985,0.348288246857,0.0383219216165,0.71052852859,0.605787275729,0.821580479003,0.738849562248,0.638459375397,0.751616688942,0.938587853982,0.675601293552,0.881685410647,0.623529699606,0.0999096097592,0.395782593427,0.455395361703,0.428868038193,0.556811521285,0.0713573220307,0.17473662534,0.252939630435,0.231317391034,0.650861201945,0.650616888743,0.281837855624,0.133947886298,0.975968680651,0.159729710584,0.320483227141,0.149009687982,0.0538050636189,0.923100934601,0.377769143565,0.99784039723,0.171793507873,0.564098485978,0.425088114926,0.480168767917;77 +0.240113165562,0.267870364888,0.374637318615,0.514929824877,0.716442539659,0.687188435509,0.431795983761,0.282617527388,0.279806807337,0.782306485779,0.0813236874565,0.48251037202,0.940696766059,0.544022751138,0.870396657783,0.513032578541,0.914506889493,0.778598646097,0.420243279492,0.573537772663,0.0251884577576,0.314035931941,0.0898679049542,0.226083844597,0.624544438014,0.639909932124,0.0869942540311,0.400298654596,0.433940176861,0.998156058468,0.378203493652,0.954433222885,0.919894792644,0.500558240958,0.797119428749,0.139917394886,0.556429163424,0.033879808158,0.743059049225,0.0289670375101,0.946784078146,0.764913490018,0.768904655539,0.944966988083,0.211139676873,0.137240250032,0.872591787866,0.851957988622,0.586369215955,0.12245953253,0.946293652962,0.899127760712,0.886295538965,0.267343058305,0.722479381005,0.810999188324,0.514765795566,0.922560651823,0.722150743104,0.816356715765,0.928733112471,0.0796178994383,0.736380979936,0.885181882909;0.551753107151,0.838546816445,0.122904269167,0.323103301086,0.132919501078,0.576905375866,0.984423535155,0.29520294088,0.161923614258,0.600354281829,0.258637378523,0.00239171384147,0.980366516116,0.0629821747231,0.23091704681,0.149788520989,0.073038253184,0.817858214261,0.311085927981,0.451745327073,0.00800133883701,0.968512119148,0.266708658584,0.948805441929,0.280470098943,0.499638733555,0.0780162121983,0.213547219827,0.781332820802,0.737137754376,0.923380909887,0.504403770868,0.0797837565997,0.933828690957,0.402604312194,0.340550360326,0.454714701804,0.528414566388,0.182807864892,0.699446274816,0.267468234067,0.322969053713,0.580013695791,0.123763518439,0.979544543037,0.836834720328,0.607196843414,0.052550052345,0.905725885958,0.720559052794,0.0123805985389,0.324768289781,0.791103790457,0.259593577677,0.191189245627,0.11171464737,0.20569487595,0.996716603956,0.603393443294,0.91758808474,0.261917465613,0.813254532102,0.790294641069,0.249964663698;0.358971542394,0.656430037701,0.396550860386,0.51864810386,0.768387668512,0.0375002678572,0.822942909594,0.730751405004,0.537872292969,0.144344426046,0.0775013488723,0.669601916963,0.0294409664303,0.813056834164,0.705822650056,0.64128711119,0.300453032616,0.18171910265,0.376285757739,0.085487269247,0.781100581359,0.339437694984,0.149333843138,0.946515459227,0.787867294135,0.195533163327,0.241486295643,0.944827263044,0.635978553309,0.217530754976,0.973056666757,0.995766256677,0.724799481313,0.655250130052,0.800592533838,0.709143752741,0.547655081164,0.194908803793,0.477192673919,0.908352710165,0.33729015512,0.791222675031,0.964981234381,0.53759488587,0.967173750664,0.522832136281,0.598816577784,0.900626050696,0.0585993047708,0.488163240304,0.477697515579,0.845985218274,0.272847490792,0.0731308925424,0.879736188523,0.775593132792,0.789684069342,0.188910128289,0.811020763404,0.461178380391,0.63599701941,0.653753802122,0.107165018536,0.715507173913;43 +0.808897933914,0.460436674705,0.0199705291616,0.654661690135,0.159885982799,0.823615275975,0.462332977825,0.548065543183,0.599400911103,0.858961264993,0.68619205841,0.811414527058,0.865716618066,0.372163944107,0.359168960492,0.794859247684,0.862977143912,0.928916090744,0.83549274173,0.538640682049,0.255076446308,0.311073768365,0.712646447015,0.771687423882,0.158281135739,0.735419620227,0.673828277497,0.413501398812,0.666221816046,0.979522514177,0.0869729438034,0.522659194106,0.313020118137,0.501003536438,0.72142925621,0.981984490643,0.351026223178,0.861440703512,0.915337954675,0.593464721616,0.84566990395,0.0060091068861,0.880374273012,0.361641141811,0.297712253835,0.109681613938,0.920306728028,0.943792795067,0.111632320528,0.584759761299,0.232702258941,0.134234086745,0.401845000498,0.99327543075,0.133149460531,0.303367949948,0.131433256836,0.817334755288,0.676094940714,0.735920094987,0.426198449316,0.699118426212,0.664974932901,0.671440009981;0.810470246738,0.996400809654,0.557300251316,0.973690580315,0.817695733793,0.99100292803,0.544695036496,0.851448839092,0.337750810561,0.973677590625,0.540666394817,0.147454359907,0.313334686559,0.207806003152,0.50587303088,0.326536209701,0.449164525937,0.624193949641,0.771680851421,0.808576141639,0.340508197972,0.332360060518,0.346499575308,0.858714301864,0.896631623432,0.471681218796,0.273805253218,0.13051720947,0.216253598573,0.390633087578,0.318490327768,0.679084110249,0.889729867557,0.515539616955,0.162458510692,0.821666265245,0.366579461791,0.225214000649,0.933303375342,0.310274372844,0.144496095051,0.14900238681,0.591456687532,0.776748501147,0.888788271424,0.540532195925,0.341493394633,0.309373758965,0.328457113391,0.0556112488816,0.629293874646,0.190598330811,0.41647419596,0.0904873984056,0.870229969245,0.811513526748,0.48562529399,0.808964642338,0.487973003948,0.109264517586,0.613284366711,0.704175978585,0.0579393759987,0.558635071516;0.153623871989,0.178769718873,0.545892695755,0.172147918411,0.717615793427,0.977299705364,0.884722115391,0.309235651592,0.355922436526,0.751404821931,0.530610321305,0.795350511266,0.48205120444,0.325725232803,0.0920412110703,0.604264431466,0.556661717974,0.126839344118,0.860378150385,0.320953740491,0.907626065104,0.667790814138,0.530521901658,0.393532235473,0.180271110043,0.954903488463,0.460110543359,0.615823126232,0.450125071419,0.538975926214,0.232180879229,0.982322511673,0.576169420626,0.17317885903,0.191801959885,0.822955532481,0.452326058136,0.367219298864,0.342959975899,0.462828530948,0.895548447661,0.471597347321,0.22993461118,0.647698060855,0.236987803256,0.408605583683,0.64540266099,0.139592270019,0.094624564263,0.837284297571,0.723230292374,0.223450193947,0.263667123822,0.787438190199,0.692312363377,0.0961851091355,0.899728398132,0.20153959089,0.323061307106,0.505494287501,0.1095590698,0.750620276727,0.0832661577546,0.209466848179;55 +0.754810259556,0.688280762912,0.0680950053749,0.995267581723,0.996915560442,0.302409447644,0.603095025342,0.845522566468,0.577259904019,0.804505191091,0.672571546979,0.952363454582,0.670681904495,0.449861925023,0.593334205557,0.547809459563,0.684447386626,0.105225974447,0.76612516256,0.423049935447,0.728539259269,0.781261849581,0.511540744374,0.647102726362,0.600859626787,0.127246337358,0.688218306252,0.713265035217,0.270069747563,0.300840456695,0.348619145273,0.312169932148,0.802808111969,0.977965359216,0.695767497082,0.171534465093,0.413750151305,0.326785462472,0.371911133343,0.91293704507,0.978704391278,0.172665958475,0.00102737760708,0.167951387036,0.68858563029,0.479617073814,0.290008430836,0.844870539684,0.514123468323,0.955386629673,0.615674034164,0.23487836956,0.710514846162,0.351254037455,0.612844336866,0.291925824899,0.997136932572,0.00169261607213,0.444686282579,0.0486738307777,0.297112957743,0.338849670705,0.751024759738,0.548073135517;0.135393157279,0.849024890129,0.759095371819,0.833282976673,0.349648322151,0.60355313391,0.7940706333,0.61047573342,0.578257800778,0.80007409031,0.532551718953,0.717014751971,0.582310544233,0.324110068838,0.745708311372,0.319449217768,0.786982320361,0.35789723554,0.366181238809,0.974455638497,0.290601108526,0.129031439907,0.318531309264,0.800038003345,0.843832378365,0.00797756531259,0.381626834199,0.592662808997,0.42703631581,0.539493248082,0.506434406905,0.0787009791353,0.492074170795,0.617498913236,0.0406792187885,0.17831666829,0.99327948904,0.579284094557,0.0871404107487,0.223100329347,0.268972309269,0.163058838896,0.866520134505,0.905018904846,0.131427174043,0.0875822440131,0.86957819241,0.533153830004,0.72141494771,0.1943031372,0.315772856725,0.0139693847867,0.355607331089,0.244051560788,0.753228772653,0.409103219654,0.954008022624,0.577796574621,0.200323622034,0.495054296478,0.0560124353015,0.935237106903,0.0427643855117,0.784833363844;0.882798740347,0.957138513345,0.355646809734,0.828499661383,0.194755351811,0.796290388219,0.133919966814,0.16698868868,0.112416074406,0.772266421898,0.838970740436,0.82379501792,0.852037162902,0.266115010187,0.646364548939,0.346819025675,0.900314353398,0.418216009662,0.128228710165,0.523855521557,0.99139743071,0.258598235524,0.692979025222,0.981222895124,0.430095610905,0.62130465303,0.283439551805,0.547697499464,0.667354675995,0.0125966552668,0.964128651924,0.345588173906,0.787910107124,0.585571050466,0.22090229699,0.904227522851,0.266038337969,0.918573511342,0.411576597423,0.0296892719344,0.412740612311,0.666866850055,0.444985362773,0.709197272438,0.887383077631,0.620263545776,0.177091196313,0.099913599062,0.0703884789993,0.785673718074,0.605520366445,0.985760493216,0.506257472925,0.509363276421,0.247450903667,0.944906884834,0.732556166791,0.191958980934,0.953731326015,0.335560187764,0.830570458691,0.789896458932,0.310445853112,0.867640785621;20 +0.591525495943,0.897549861471,0.117727800095,0.482349070216,0.178775216087,0.643543222409,0.748648229648,0.428077967767,0.0949528443634,0.15950205454,0.52954328841,0.282539483893,0.443925271995,0.425605626983,0.761351182083,0.104335160666,0.155074978378,0.0927238888822,0.230856161476,0.588131019787,0.609388803209,0.151961950118,0.598729622228,0.947868060316,0.572645259724,0.573768761421,0.528383345115,0.652782801721,0.900362126642,0.808510646682,0.389762625278,0.235017020902,0.678767701488,0.516326283738,0.549488778953,0.245551014361,0.859644600312,0.909320196675,0.549246920681,0.260209340424,0.877186094881,0.838294828234,0.236579445859,0.281498845608,0.901676869202,0.620528669292,0.360673857741,0.780485058333,0.562146200343,0.719302271603,0.188025015228,0.0944832242447,0.682737164192,0.92240225292,0.132975419385,0.822565486579,0.808649977836,0.815876127866,0.62080148932,0.820479800503,0.202503297841,0.936065105128,0.519244843708,0.393579985963;0.596469805146,0.549605996609,0.504582004206,0.785903874422,0.418544329324,0.2223062839,0.59010504325,0.736689214628,0.113451190099,0.417154707111,0.831645586808,0.0346132687277,0.683336725873,0.280967253016,0.0370857159769,0.18491531856,0.255509639819,0.53317734344,0.579307658756,0.420558472277,0.775077621428,0.456215919904,0.0906526135843,0.582323560366,0.736788447024,0.0138757331795,0.97177734031,0.109511388626,0.531199698839,0.905780299161,0.966905226225,0.23678832549,0.787116187426,0.696062697674,0.0482550030315,0.839050281168,0.746950332415,0.192611108684,0.368064604702,0.275213231078,0.0144333121953,0.249130088042,0.537250917521,0.135481078935,0.928916332627,0.280986644388,0.387037101213,0.0469033808488,0.926784982742,0.533434059223,0.439221084262,0.599682485434,0.360660701518,0.68117542104,0.726066459134,0.793989069422,0.840191555518,0.454814910364,0.0868079477428,0.750159449927,0.613683370976,0.282919226748,0.646466947939,0.331159714559;0.773588145516,0.136315389136,0.412067918632,0.158284243981,0.8021483748,0.624294254,0.615666463995,0.472796974382,0.377872478235,0.597394496593,0.551776585375,0.636708412752,0.773480737358,0.431235515025,0.71827651887,0.297440480825,0.707034596039,0.371858971253,0.876182836114,0.291963880592,0.398668659643,0.869907560822,0.70575998916,0.875906922668,0.924394332338,0.278450047881,0.338394726901,0.67625007464,0.122318514715,0.690960404392,0.448124615794,0.364600445418,0.627723205281,0.657832180333,0.238555416716,0.777788679179,0.299453160187,0.9758870655,0.355028408123,0.310747870072,0.669370024211,0.675397191206,0.612362070371,0.109324325954,0.354720560012,0.584811246716,0.641211530067,0.152493413106,0.485870522422,0.286170250038,0.952459303646,0.957509081447,0.0632532367508,0.11788664538,0.539419597355,0.659810896725,0.167215612459,0.400539816197,0.966817081763,0.797075223806,0.402433158348,0.0491251491261,0.0342667322765,0.953796953153;41 +0.208485376451,0.1981322895,0.298727727493,0.447520846392,0.261465733895,0.92565619824,0.615179050804,0.899054192464,0.547323344821,0.3566108844,0.408560372363,0.0124023809787,0.856998960034,0.150652032013,0.948649001701,0.637028862937,0.0545658299411,0.965409949677,0.61255519784,0.275254894952,0.564144731314,0.303707826769,0.850370563212,0.803638888708,0.524717949885,0.925896173957,0.856149101205,0.901262799025,0.833290557045,0.567751051369,0.623788586077,0.335743292999,0.962893057104,0.661694178834,0.309443036632,0.157463540432,0.943961078213,0.000355146311373,0.38297783229,0.50949261284,0.937978827033,0.629759035436,0.154147733644,0.79735146601,0.614100043503,0.643046372234,0.616575833476,0.0636697010713,0.686521312212,0.430045180973,0.452719573189,0.304317121825,0.855524971589,0.924711427366,0.245908568432,0.699293866159,0.902813537191,0.923837585101,0.827258318108,0.280203405534,0.231731953871,0.0952317421256,0.734102048423,0.0927595805285;0.250559039304,0.585889647435,0.71639937349,0.0886526322388,0.179550068219,0.0377287668272,0.70686478294,0.0896610279185,0.675290171027,0.466841841541,0.768212717277,0.454611074805,0.663236583381,0.574138818144,0.193654781794,0.513425249328,0.934755832624,0.249842347908,0.306462185332,0.315210656353,0.426828126243,0.282302324448,0.431007828441,0.812276962624,0.426655594716,0.218233187486,0.507512861828,0.699539520159,0.613247709411,0.910215087061,0.950766385333,0.381998561322,0.466545213044,0.61123004049,0.925439412557,0.706449485424,0.757683640886,0.89563799863,0.0630912239069,0.321197730485,0.943257073259,0.402341654384,0.256100660844,0.0469485602118,0.861347684295,0.81413131796,0.670985901277,0.405493240565,0.674116828632,0.534066156015,0.267282078554,0.67915138414,0.764077049893,0.641090524697,0.596647133684,0.920921244467,0.128148032649,0.0739780486153,0.903119515224,0.434436133534,0.545954293976,0.810319198278,0.963576398248,0.74332155827;0.071588583663,0.538181123743,0.55913869609,0.0841418390646,0.235957267739,0.105171181669,0.91137989325,0.880166773866,0.193186740678,0.711815644128,0.20648305807,0.509636805324,0.934136770913,0.728013346185,0.722995147697,0.446594343221,0.0324145091773,0.498952353756,0.734415612823,0.439008879691,0.135851087737,0.40263653393,0.437349700025,0.806488862688,0.85373332389,0.018074899907,0.107276914418,0.404022738031,0.782445787332,0.0811732421762,0.78349281883,0.118715643162,0.0884546795912,0.164987139179,0.27727408064,0.125876930095,0.572886670348,0.944768772407,0.34520519536,0.237404559862,0.813886538421,0.904444309245,0.480615093002,0.741426091874,0.731463848364,0.323258857571,0.3982261306,0.0866535391128,0.202040700403,0.474255673613,0.217084878124,0.0673281037888,0.179250968085,0.391814609404,0.201019852774,0.00581211136683,0.293034997684,0.734903789879,0.482700408983,0.418625304255,0.639239987906,0.987963196262,0.932266290299,0.80558910896;7 +0.0394250821843,0.667096987662,0.6852199234,0.322152625783,0.0831297826256,0.417388408442,0.119626412734,0.583142641933,0.328836941664,0.378838172645,0.296536526823,0.86627090194,0.280755909376,0.769139742551,0.176496754645,0.695449820536,0.762365020954,0.654895991015,0.505611373621,0.521622586682,0.572681732498,0.799559038639,0.645284754532,0.671750828682,0.588716607468,0.560908094496,0.332222275704,0.866980283146,0.122628215822,0.827757705088,0.422226810202,0.953684061102,0.983257135957,0.916034375317,0.314916428655,0.315350501352,0.939544719173,0.610034622616,0.266579500397,0.145513559823,0.224693205526,0.544431419652,0.773941401248,0.398233058041,0.614756213372,0.842706469777,0.309626883791,0.518110620351,0.656826310228,0.343749985145,0.984879928169,0.578248719948,0.231147552227,0.264694538252,0.132476403195,0.329001838319,0.765972831307,0.450010973556,0.338863918987,0.343516975285,0.715246892131,0.205819429029,0.740417803722,0.803184074626;0.46487906503,0.942583986289,0.933914175578,0.741524244359,0.995257560752,0.326806012694,0.965152989621,0.445259351764,0.795759518522,0.595878963864,0.873887440165,0.870105318346,0.617192396715,0.278690488658,0.446425038963,0.00302644791813,0.56248531385,0.556432776241,0.413631685936,0.663589235125,0.222443060603,0.115869279152,0.655337641558,0.983079897449,0.365644173157,0.33715998563,0.922196370522,0.48047871011,0.144201732166,0.733507665829,0.49688875838,0.128541978566,0.834408560739,0.0593667109814,0.353837247596,0.253660176617,0.907059358316,0.661557118079,0.800576498624,0.140522293661,0.696788097976,0.327009207628,0.254439472881,0.935461110419,0.758764213834,0.419289253021,0.262683520613,0.993650636199,0.606737067674,0.280459345253,0.521639860962,0.988193737617,0.984907714892,0.989169957443,0.0870027490973,0.611493154563,0.132373449661,0.18060531124,0.712421058962,0.394307821809,0.975912064341,0.484609702115,0.659847548564,0.203867352529;0.0529854033463,0.746226412397,0.557109605806,0.649507458758,0.480512950815,0.662257228764,0.423919631573,0.735389286035,0.12415953796,0.904266044173,0.87552384735,0.872059032136,0.441094314923,0.573547775304,0.877742186956,0.37703891949,0.657615100513,0.584239918984,0.588663700439,0.36921855407,0.527188717051,0.710258977263,0.335466108063,0.326442807604,0.499985090909,0.0840245000273,0.378906563187,0.972387226397,0.866668416324,0.410572583177,0.32123695457,0.0166133910892,0.701244200875,0.953670072266,0.673988935126,0.535456571093,0.365615096652,0.028776724419,0.786646437292,0.259280694873,0.712055650025,0.253433428634,0.538148858037,0.148278606376,0.35724689791,0.41807901463,0.305943997308,0.435903530598,0.665386152484,0.574266427626,0.0245460832832,0.958718830292,0.182702921875,0.00186532651674,0.733661723121,0.525324657059,0.650362876355,0.962715562931,0.159310672373,0.812685230319,0.987949002506,0.272086466435,0.628895671592,0.821361049744;62 +0.0612270182104,0.500579163077,0.65001027159,0.243082821384,0.426155521223,0.550158954921,0.717070891704,0.131990790016,0.785179775839,0.675312590294,0.160535516469,0.138998238547,0.15586102193,0.0526596208628,0.159259943808,0.114551041961,0.53449157503,0.139778992909,0.788778053752,0.0888856383438,0.391947065278,0.0253207109916,0.109872744164,0.706107793116,0.617934201612,0.467111193924,0.178253857015,0.828725199332,0.172986335743,0.0235738639601,0.141434933182,0.0143797439854,0.0473123066686,0.591102111386,0.0583496516801,0.78207327036,0.280679658942,0.67427817607,0.627372050544,0.805449204723,0.117766783318,0.994151206918,0.959364881829,0.774756136244,0.268321215756,0.0120091314864,0.433837839598,0.184523393309,0.843627444495,0.427963743774,0.0630755475265,0.351565022469,0.838791638541,0.772502540014,0.0556028403085,0.930386041611,0.117749282612,0.0197484408877,0.888572508581,0.0084259239974,0.219229048981,0.250550131597,0.975792603065,0.364909304051;0.926745242661,0.335551166884,0.815222192802,0.913635034832,0.585740778888,0.151449312223,0.269068603884,0.434208104594,0.449008971244,0.0100992059901,0.870037320976,0.440085682059,0.797188217912,0.703294847194,0.773105031709,0.599451831617,0.743683245065,0.681798615717,0.419982343851,0.957522447496,0.485045821704,0.756219802457,0.0688054395314,0.931265860554,0.561767009874,0.355176111565,0.813718201821,0.114748615592,0.149437063195,0.146270380711,0.140105051306,0.114377904846,0.565872430093,0.793689825684,0.625573601873,0.800235762824,0.620568414366,0.979189648869,0.803705590275,0.502819683371,0.605207775527,0.0875247864904,0.923914946354,0.607438785635,0.941621014841,0.077276431614,0.628673944569,0.721189443705,0.390390516623,0.188651147127,0.189576632095,0.187061121916,0.67888030455,0.88638813769,0.537858707776,0.208809550931,0.565202448372,0.466375732603,0.0254702255384,0.272583273532,0.864470440808,0.373475720094,0.896847021691,0.0797468509315;0.413133998843,0.504331397568,0.892584438643,0.369055407957,0.563432419234,0.723178295285,0.979925608947,0.995251007818,0.560365864373,0.606602407876,0.639317289216,0.0230071047888,0.015162505436,0.590285201185,0.222124145073,0.0832276384282,0.89282343441,0.512938465967,0.358546653426,0.983160314628,0.154970406952,0.359924670864,0.966623715755,0.623087306676,0.104981423441,0.764405051051,0.816271345665,0.255568847083,0.622732149201,0.561095472321,0.426261722517,0.352661724043,0.264858366797,0.709861126538,0.25821799552,0.619153706042,0.58309555603,0.3422568712,0.713693060326,0.880755795453,0.638721329279,0.882228767844,0.985106942591,0.31105054231,0.551308841458,0.362703318693,0.624320224001,0.640816683152,0.314166418527,0.57328082297,0.713423095368,0.699148447327,0.306474746455,0.400217357239,0.334255337964,0.17878405321,0.693517044783,0.149229646125,0.639966658124,0.689301369134,0.237751774037,0.395099162015,0.285770229363,0.581941594796;41 +0.633837947198,0.883880722832,0.843481948981,0.175407097155,0.878168929406,0.264993328001,0.431923576777,0.520788955082,0.291206767632,0.252275674469,0.634180592627,0.417903788603,0.270632918884,0.851286876578,0.792208948268,0.346735999909,0.816877534692,0.988746827119,0.157041255426,0.825388876831,0.201724709267,0.266967490335,0.34756677075,0.05466272463,0.522789958492,0.0781521771394,0.528469100546,0.621620384099,0.179807687768,0.342895652312,0.205237706513,0.502405690956,0.657360619956,0.431529531319,0.691630920486,0.407238563097,0.0630787667202,0.481383968682,0.142729404167,0.211294758846,0.751733888305,0.959504416486,0.239209884352,0.675393661186,0.256313238907,0.337244808081,0.863075052528,0.317612845571,0.964840102303,0.15828751372,0.291994676059,0.696622910512,0.99394069582,0.222426827715,0.226059564332,0.158623669618,0.566249309558,0.507200081108,0.202742634197,0.352013643721,0.884756407515,0.772070113869,0.382783632854,0.350818289991;0.996154915046,0.772540130762,0.591663542338,0.492629584595,0.0978558308763,0.207399633271,0.620699164573,0.70183465876,0.159414598007,0.697722066877,0.0863783466819,0.92259209291,0.58696674662,0.520400431084,0.653459796609,0.577732099072,0.671198506213,0.246990810861,0.602234523666,0.406112310798,0.862209098812,0.278884628499,0.241316719845,0.315955535641,0.10521624513,0.228643148558,0.800601556465,0.715449035244,0.798282016526,0.584408215657,0.540739417348,0.704809810272,0.571682104929,0.416117521184,0.380673120834,0.741928526652,0.304086985069,0.48604132617,0.0189175648211,0.47110159331,0.37530666269,0.786854591704,0.267128268071,0.100254415557,0.968065469848,0.190777898067,0.730617269492,0.416658723608,0.72420175472,0.756643299372,0.983416027443,0.358627741755,0.191059104537,0.739290302445,0.159798952385,0.795308050271,0.173145439737,0.453163592564,0.968541477862,0.171022955984,0.352141416208,0.390709614091,0.887831319527,0.0586960870833;0.886059784416,0.784203696477,0.397728965644,0.457483223272,0.520787958174,0.602395397666,0.739716337718,0.786600243175,0.7835840674,0.73130642908,0.325463534055,0.961465075579,0.117457457988,0.692086724965,0.0610322920242,0.968501256614,0.890874789209,0.945548570494,0.612453221614,0.975949437637,0.8457577988,0.681794918527,0.0260949790946,0.000218217957998,0.694209922898,0.920534825838,0.0148138964044,0.840214553265,0.387193424939,0.207746477051,0.445760031922,0.696776047825,0.917731578741,0.27701266839,0.928614062723,0.0416094674729,0.741053283442,0.373192306681,0.757702224772,0.212625424042,0.862228772098,0.447220533044,0.144360851143,0.543075391613,0.0182406428293,0.975123811618,0.761067737468,0.928266433268,0.262522346423,0.893568903235,0.171428255622,0.972540551517,0.568391217639,0.598054903731,0.108793400207,0.355570521922,0.235096728389,0.705339303147,0.625970789985,0.630318262434,0.798947623477,0.840720270506,0.499156090976,0.679633536246;12 +0.894246661061,0.964302247761,0.299928768087,0.993771366998,0.89194918606,0.922995224958,0.937190833429,0.699992951869,0.764483954754,0.565043052926,0.393414845997,0.0727481422132,0.183188386534,0.0259306442228,0.211938177051,0.808823423195,0.0352432650841,0.638193759381,0.0714375330312,0.0630349059514,0.111235855297,0.685945981341,0.194288577807,0.494338437836,0.204224103646,0.887759438812,0.787221938999,0.172546158389,0.799938061907,0.235126858982,0.670434081876,0.461533935105,0.579284105104,0.0624200550922,0.571702239989,0.584336220557,0.573220426705,0.868799824889,0.978758123754,0.987822823401,0.485910571901,0.344475541901,0.626849747293,0.462446316507,0.385635701239,0.711119812822,0.407675216855,0.410452764739,0.525954419769,0.38756213522,0.6507797179,0.352878312663,0.248972859219,0.217789937235,0.0807236711564,0.608309391048,0.425684024444,0.171069072881,0.844864654507,0.2481004186,0.773117274462,0.615784251364,0.745303165336,0.73095618392;0.733263748006,0.788095460633,0.93200015895,0.438391457435,0.9062224192,0.0652673794201,0.389644985928,0.894282951172,0.916897290853,0.459783555547,0.45147782607,0.274513245142,0.475983018416,0.728249886233,0.00690542140021,0.520137442435,0.785207216385,0.583785009364,0.738145716658,0.73704461979,0.106288310894,0.109344714783,0.913648706483,0.57941552452,0.262644728239,0.894685220872,0.38433039774,0.15470368091,0.896790787681,0.203799209782,0.873585469931,0.13182569318,0.53640350871,0.501035361734,0.0626454223491,0.464025148449,0.547992482031,0.655699331746,0.813233582821,0.851019485979,0.383141690864,0.33872355484,0.229636911183,0.517896058012,0.28017975315,0.706455897817,0.909601872136,0.581074767277,0.151434763795,0.118003687232,0.592285130853,0.6742042389,0.110764544072,0.93833264055,0.0104659681341,0.241020279517,0.582474447733,0.314982730267,0.869828042614,0.930626790331,0.856565966714,0.390343235303,0.808799776044,0.914550904246;0.232398523074,0.547985970765,0.957206365438,0.682586619546,0.963681846026,0.836629443143,0.917259562598,0.19718373379,0.55507984969,0.456286530083,0.556043346551,0.148414817619,0.107975551009,0.456660381633,0.399773596983,0.915896172556,0.608393654004,0.922825881976,0.164831852692,0.282788883658,0.57231669271,0.142957135858,0.904033392099,0.828680714922,0.130713112887,0.605414060441,0.00347272987805,0.518896596994,0.107105217408,0.0283999526697,0.351245094423,0.796558367508,0.980482333897,0.936746846091,0.214863081255,0.475854375161,0.900745352622,0.0988761381353,0.145417137269,0.756354818355,0.966618703253,0.821167109077,0.544723216672,0.989697475926,0.62174144814,0.995262221359,0.579190047616,0.15369466394,0.975869271139,0.502090726898,0.0425571247782,0.557179546064,0.0020241799084,0.95175761977,0.678510528226,0.36469259016,0.0901178229997,0.093532974967,0.93992620305,0.226942751907,0.0951588707553,0.354915943782,0.173223415985,0.378348658122;57 +0.994387087108,0.261486635067,0.967893681453,0.532857794361,0.595346925449,0.808032671597,0.806679891825,0.665738302965,0.570201276497,0.430665680696,0.797927571175,0.152839854164,0.0757231692103,0.0564457229713,0.388255788917,0.284811609999,0.00860195667952,0.665119721425,0.553883170662,0.874752963732,0.776425070964,0.893607780818,0.747634749471,0.823084244885,0.227418375217,0.489088272795,0.461779632025,0.15455701946,0.660994102901,0.804077873283,0.766556087259,0.623685986509,0.242337733113,0.322970787052,0.350794123964,0.919142928328,0.285154968379,0.562866958906,0.133213416817,0.795520175164,0.338018631049,0.227222379432,0.454734707878,0.68486275056,0.262059817408,0.0440371359302,0.853528749676,0.662630941698,0.0719763109312,0.707023217597,0.737268299415,0.430324324841,0.293021454738,0.368612929487,0.689944434244,0.412318785019,0.313743418493,0.200598114392,0.790539270473,0.482977787205,0.766531120474,0.578952604941,0.424090892706,0.630077129024;0.899781651661,0.468097002815,0.372549708412,0.992353723185,0.421328776783,0.962406071656,0.243176027313,0.363235033683,0.845674263008,0.502540927269,0.069998547682,0.881658868494,0.633980207376,0.7653270137,0.917984842898,0.548592143863,0.172531521971,0.73913843345,0.393051266046,0.162052951185,0.689977416735,0.724110979282,0.675565453843,0.564164007585,0.130940751968,0.864092273324,0.848715370274,0.769946334453,0.686210381602,0.0458602631764,0.802767388356,0.563646783728,0.911522664587,0.49688083296,0.0335859529162,0.421646434255,0.478828343953,0.968062389791,0.362528294622,0.0929362064986,0.863538973658,0.096525124493,0.0378463031755,0.821403421127,0.0795475436154,0.700794296797,0.0921901604505,0.241090716275,0.469148434682,0.19206816101,0.12384326441,0.693359905627,0.929875047499,0.500195135782,0.251008573968,0.258374869885,0.579935823534,0.0028218797832,0.695726188428,0.558451671557,0.333983765428,0.482962165863,0.0729799630848,0.492930125359;0.866283312014,0.170628715898,0.460670531811,0.224257762239,0.778171192552,0.194284258141,0.716007777749,0.071151190452,0.181984560461,0.895993363944,0.505093354879,0.851010987478,0.158250604295,0.799002306457,0.490383617685,0.407791185372,0.0512380555368,0.851876108283,0.0556922699915,0.27718502456,0.808332050224,0.496437113734,0.0211996903425,0.0738297660278,0.541274268722,0.316252694428,0.116391542964,0.951011578106,0.316629121444,0.65358479811,0.138533904395,0.27941419118,0.540758947406,0.333828074803,0.0741962436896,0.761864344684,0.0855668195375,0.527060341652,0.158922550415,0.56019684276,0.227863319703,0.149292273129,0.829648140274,0.0562086752505,0.598829686293,0.537139091257,0.14501361895,0.358311444499,0.367586736726,0.704403500491,0.196302641253,0.0843613564126,0.738247468301,0.626225608386,0.164087381079,0.000581023585902,0.537484052673,0.461827808978,0.409058215597,0.973245663574,0.55371094254,0.118991395875,0.361457413685,0.568147421245;26 +0.774029867211,0.232717436562,0.0205685727994,0.209172922792,0.553734491186,0.450727585747,0.521428758537,0.0490653796195,0.899302416503,0.02038647202,0.900277043488,0.555639502155,0.459126740081,0.623864121268,0.210116774737,0.993458327967,0.0663944016179,0.152648636789,0.733970147531,0.736404044974,0.324212274691,0.249663112328,0.956860501917,0.906003009764,0.916793077752,0.194829727517,0.479437086356,0.912863602775,0.181735513362,0.656878483437,0.375134526161,0.566415319839,0.872524712477,0.415393612131,0.439687836369,0.952445776591,0.511771577901,0.583327920023,0.217770895208,0.0920011659752,0.535528117703,0.605633330778,0.340814914597,0.863558303256,0.893054755219,0.771625493033,0.189249913479,0.0545934414998,0.802179828798,0.0682931342242,0.778507156452,0.505549177173,0.688565668898,0.097858524327,0.822397887583,0.466361466227,0.87266801237,0.266493525211,0.656607334839,0.40892793014,0.131448010803,0.698944857573,0.429890635931,0.572152174382;0.399363516038,0.353236154572,0.00406998338269,0.779618824978,0.99747555476,0.998306840152,0.422021709721,0.790502552034,0.906641013911,0.262709824484,0.888765130052,0.203449312644,0.18978936061,0.948735704423,0.880763926557,0.0919009439976,0.926331129618,0.0166928332322,0.764745457355,0.815461539663,0.818032414026,0.0464903671373,0.933997969885,0.836237489026,0.161417677491,0.087445982632,0.477153653318,0.141326359595,0.267216445965,0.314207984319,0.438052299229,0.602399369553,0.737930634867,0.305731737484,0.819366247953,0.808157281219,0.994916391352,0.99944679001,0.324382701336,0.879942429523,0.60584589024,0.814774705612,0.448083671032,0.675378425026,0.0883386637481,0.41416172426,0.124019522234,0.595689147341,0.886462441064,0.602405092561,0.768435122021,0.155348400851,0.155606180863,0.106497393287,0.328923019301,0.684521289719,0.0809594359205,0.174452910101,0.0776191648833,0.104714288391,0.805146827843,0.221652358635,0.272070570052,0.136662835678;0.856933318373,0.809250040847,0.925330407611,0.769247292959,0.762521936132,0.601822278882,0.0880090575802,0.523993783636,0.201713205215,0.680592264258,0.453679247418,0.0997854943994,0.139294720175,0.347633764965,0.359789576013,0.526016507599,0.461261929894,0.455648461913,0.1650612853,0.901546478958,0.258068391658,0.822092383194,0.583649303307,0.356294466436,0.232659157518,0.778997827022,0.440753636529,0.228589380189,0.308199052653,0.22271250953,0.236749655301,0.213121109806,0.416075607783,0.967831947697,0.725723513637,0.429324821419,0.168107864007,0.253654548912,0.0588232345892,0.457829424225,0.97416822971,0.299078347993,0.839128336129,0.715142018633,0.44623633269,0.722403042375,0.986458531694,0.775256330776,0.599154086247,0.879605260988,0.298960440306,0.0244486834241,0.721804009711,0.725412513745,0.887444459524,0.673002426429,0.648312819021,0.111616147082,0.612722603782,0.456244042654,0.739373698812,0.636408533572,0.152109604983,0.835780940667;4 +0.901194644461,0.596155620523,0.330560196792,0.908762560779,0.11113521178,0.157447067133,0.583834289947,0.261493577291,0.0581457875317,0.13520645647,0.908573333655,0.447405281822,0.0243851298032,0.97828395549,0.69480038196,0.581864387532,0.600295149107,0.949975630809,0.200524333407,0.599222460444,0.424935139691,0.580720907411,0.689780114843,0.877576333807,0.133442938373,0.899290667117,0.185793329358,0.0469685612195,0.689866016536,0.243353418572,0.592146047598,0.684632656337,0.234132992615,0.931540273784,0.67802828721,0.872272835489,0.509419278873,0.60915088851,0.120617272033,0.0507211543721,0.0746339052502,0.435320778349,0.477883839562,0.396485603851,0.972876345019,0.54032157331,0.951334323684,0.560589943993,0.100297929646,0.133899422605,0.834219983388,0.00552057197661,0.563511828969,0.426551127387,0.358380112198,0.213401294706,0.510776219596,0.00462898489368,0.383398209681,0.24902652784,0.868662412689,0.365261076543,0.357947047215,0.0413429747039;0.520455741297,0.188326512068,0.525974888115,0.163189351168,0.939913719036,0.272328607063,0.984473107714,0.247627799717,0.345030857381,0.656779200945,0.0286399883364,0.686923090087,0.589015107769,0.744954055848,0.0805941505079,0.368557961663,0.477692679624,0.943071264406,0.0711944124715,0.570705562774,0.19688620871,0.794751426891,0.49028549493,0.739424180591,0.860255923094,0.381252015679,0.34999106196,0.818807196774,0.594996219477,0.841625460021,0.239797609766,0.168000047911,0.0855930155373,0.526282183769,0.318065124695,0.280229063934,0.403777182307,0.971555563619,0.310240510151,0.320384928686,0.0450334619848,0.372042851973,0.854401115891,0.403327291025,0.058892887026,0.523898600792,0.84950414487,0.0887467033395,0.070244429822,0.735800128826,0.568479957397,0.0642209171003,0.392380772421,0.109798116812,0.660723078377,0.743009640784,0.557411404299,0.956859571482,0.121508093309,0.656453515782,0.980360984665,0.427383764618,0.0939893511866,0.199105308348;0.837253911431,0.926395898044,0.190300224882,0.662299073369,0.450958543761,0.902407022714,0.0604782874052,0.729246542552,0.0876147851184,0.471924206672,0.0275484470517,0.661232637395,0.59109435037,0.872920216122,0.129051900522,0.978430866708,0.511812278158,0.69045877573,0.546930154358,0.152092422055,0.744028298719,0.886582929243,0.386007926719,0.0111161811817,0.700933432265,0.626289308656,0.939524053239,0.290029408481,0.384508346994,0.133017613798,0.183082473682,0.019785516848,0.288693043192,0.548586039347,0.88262773796,0.139759211651,0.208775803813,0.118382171684,0.792455433682,0.441907147994,0.0838383696476,0.290320747692,0.0474885360402,0.0122683218142,0.40594288347,0.378933167848,0.407575700871,0.323417980101,0.481550804768,0.902760954403,0.357238640628,0.269340892793,0.603434053483,0.913287395432,0.470178891629,0.291285723774,0.733900853582,0.822789239517,0.899645865851,0.394507541658,0.833114042826,0.18467751635,0.788614313035,0.0626780451111;89 +0.481785103449,0.188850792996,0.915544572278,0.992309902213,0.00552350382821,0.759060849619,0.964090916695,0.348785699343,0.543226637938,0.601470753903,0.161917034334,0.614945186805,0.497283570052,0.760116057587,0.0231541450077,0.458426956688,0.867214438909,0.780146149306,0.810218267063,0.1606810393,0.566713630957,0.207831313457,0.806267181166,0.431273255875,0.107496898909,0.078811866856,0.481565927985,0.290132982809,0.441649682769,0.0592397131665,0.773731063755,0.960639296211,0.744138476907,0.335773148846,0.869144527822,0.31493156373,0.955502155095,0.504907696909,0.0997589211326,0.44491299455,0.88818797565,0.507547409821,0.342061345132,0.758290958317,0.131301595713,0.274861465102,0.987192002407,0.700197315445,0.450986854621,0.18694284153,0.237276379062,0.232771948964,0.59955368497,0.244089910615,0.631517485996,0.133537889612,0.817695506299,0.55879586825,0.638477588045,0.342095627925,0.190832631187,0.911810852749,0.15938460349,0.627420123819;0.909501324931,0.924454447186,0.714089573172,0.163427939846,0.202513632267,0.134895928682,0.163064224011,0.644930718602,0.0582382837914,0.0960002602612,0.0167764411511,0.0666020737198,0.94718129766,0.433747308897,0.420109681875,0.579121058199,0.874692397673,0.234323587016,0.417190326824,0.686705676994,0.199814020234,0.236006547413,0.351571202661,0.566592076761,0.848500609366,0.569890119231,0.555414426319,0.0719248300062,0.29289003205,0.100682190111,0.893672534921,0.578847637163,0.0837627011298,0.921609843929,0.868848591639,0.464296795617,0.678010757986,0.279465324564,0.28758476603,0.484585749838,0.853900622015,0.143285432771,0.709749575092,0.0599488443357,0.40679237725,0.518278887354,0.678804108937,0.602433137452,0.49502382675,0.143405147118,0.887347211986,0.737064816408,0.775763428291,0.76006675434,0.306646384942,0.92561040406,0.45735590689,0.640185763418,0.091334893984,0.658243257147,0.32132782915,0.394901494774,0.161944277453,0.17689222604;0.0725472526557,0.0546545764342,0.141953776159,0.495580092045,0.453601995235,0.893343474161,0.0751846925746,0.476885497384,0.836238728447,0.0581338664893,0.0441921210684,0.613139951798,0.521364975568,0.901362073354,0.443987492181,0.0228817059478,0.146806023414,0.574002081071,0.200264544457,0.673172977725,0.99177424036,0.313634865937,0.621634256023,0.940254718499,0.761483037385,0.99385421768,0.140489146922,0.209711035587,0.704435109225,0.871512605468,0.877070782063,0.826726330868,0.515865631996,0.892714087332,0.405019540068,0.866739746739,0.114794448513,0.0726993008483,0.20708820251,0.180102716591,0.781500623799,0.0644195764029,0.322051096802,0.111577321385,0.709722714645,0.414798701835,0.410493240152,0.645355480587,0.0540007978073,0.304487185049,0.994608587371,0.889216428249,0.961958137167,0.754705616235,0.432118342812,0.77053538722,0.360270857356,0.412559759567,0.604185594751,0.259914116069,0.319045607403,0.00205834159278,0.494294149336,0.0528728682239;92 +0.107201762239,0.278410925383,0.924828283319,0.992879387123,0.933616454023,0.534204082332,0.143272822217,0.159581165523,0.415212106503,0.914687078334,0.410578049159,0.500859016165,0.613948118824,0.370794397463,0.395818589275,0.296382099334,0.964204204724,0.146398615573,0.496854180517,0.825200878395,0.388261186267,0.222460927918,0.604218741849,0.81591817453,0.805104379314,0.737925417246,0.813413307893,0.425735043126,0.272279392193,0.53471494624,0.00375027233452,0.6564070741,0.261380582677,0.232568866171,0.830568345809,0.819213128711,0.96881501507,0.250766783719,0.259441011361,0.734992276108,0.00802114429671,0.105706716301,0.926328615731,0.630988021547,0.61272510576,0.100637555747,0.29265811326,0.241834258205,0.741309558862,0.395632174452,0.189362227037,0.604035015739,0.516826273962,0.129222964924,0.90388010953,0.629236844539,0.143815873802,0.107814672255,0.8302341021,0.188146248849,0.929713751867,0.693655904394,0.346283458966,0.189882717481;0.086463539563,0.0978421605511,0.0952817093745,0.498362308752,0.312215861254,0.0507750836489,0.719229341444,0.502316893329,0.7921364738,0.752935115462,0.421329949555,0.205168290207,0.13600715185,0.977194436533,0.662345707007,0.303748287971,0.320146664019,0.724632190488,0.228864716226,0.406243671512,0.0164728638459,0.0260041100162,0.555917057904,0.922606187822,0.458894574471,0.107900021686,0.823974952705,0.874347039042,0.490768658722,0.131962953092,0.965523512395,0.368412499375,0.551472911908,0.89434821769,0.685969541006,0.808136607603,0.728385200945,0.823674463869,0.625285719561,0.792429466253,0.282395925825,0.93982258144,0.919868148807,0.117061797968,0.312522039178,0.219758499155,0.223766307879,0.728184830206,0.884776800922,0.279532839773,0.945497057949,0.637229077299,0.772958811071,0.166597544863,0.16007841037,0.329537660377,0.43598478149,0.758367493497,0.799120382179,0.517997011227,0.760895066782,0.352305752894,0.0787525011079,0.0139327711099;0.920425899705,0.564539049445,0.756455477767,0.814096661938,0.862453392681,0.323939158941,0.99570647009,0.398349242392,0.881574395549,0.748772756203,0.980810955039,0.567934948436,0.898133861104,0.469728487792,0.136645798204,0.621539149336,0.407575779313,0.294863654061,0.989118675535,0.112203193803,0.0206799133022,0.46055444271,0.414739887833,0.442811867046,0.982179796804,0.261605584436,0.386767356598,0.330723746629,0.222772104597,0.566238029186,0.957722752293,0.973454304227,0.35291275282,0.0255273820639,0.699284806456,0.300625932787,0.973196053662,0.165611305566,0.187901878878,0.0481791787087,0.819766481174,0.823729233807,0.417927410779,0.0238437584977,0.605850398243,0.750664133369,0.323865446581,0.373980681629,0.707721036111,0.877063231621,0.372412144455,0.688064935024,0.00218101639588,0.917812776318,0.853537706827,0.550091184879,0.721134917978,0.242746796802,0.749273053852,0.195353607245,0.391960994659,0.00261116073659,0.400036888055,0.0420486730702;96 +0.344537699632,0.129025690428,0.869881676748,0.974944660816,0.910522397751,0.164022047152,0.428341482809,0.122824490384,0.079187530934,0.221393439638,0.412753800847,0.437596814481,0.792195062852,0.5775256988,0.743903936454,0.612068001676,0.80273544073,0.767475024396,0.472339494411,0.536689050096,0.213214144211,0.230063478608,0.279502903661,0.747158065943,0.781693542936,0.569747395787,0.456281663968,0.205519182151,0.762804695685,0.0929089894765,0.0703043601394,0.915761057539,0.0173443468847,0.383450949021,0.514918084104,0.898801504339,0.506630792112,0.383443908743,0.475471411568,0.674869821064,0.681581521278,0.00615389039074,0.0357391201575,0.363622140075,0.165602331323,0.367883805432,0.872506896304,0.333834248229,0.806368683171,0.0497877773191,0.966101684979,0.433294666873,0.393223490821,0.456033821338,0.807148050644,0.134630627004,0.771444237384,0.923578171987,0.416799108643,0.966469473958,0.597192845696,0.397740627832,0.996944364564,0.747295388876;0.262192622499,0.580631711045,0.637301787929,0.533191676652,0.417218427957,0.52864601903,0.88275852708,0.491214167113,0.625852726286,0.491594709043,0.250854761489,0.911568105676,0.943377818849,0.623434629459,0.0998818138092,0.573333747678,0.597192762466,0.292230113767,0.0737048171517,0.135341173806,0.0854322054154,0.854493570395,0.622022035374,0.16140853222,0.637755879056,0.851609384618,0.798789791456,0.150830304858,0.173557520366,0.461569913127,0.232274638246,0.690424133189,0.287496180388,0.946489922077,0.475581349508,0.862933705539,0.604948627835,0.983187687453,0.443066382185,0.920680514629,0.441303646145,0.367964031768,0.159028253447,0.580111340452,0.824103331471,0.700374105783,0.545076952323,0.427876504001,0.729523847897,0.721359753752,0.944817054599,0.943415679608,0.347542351689,0.0428063744347,0.619097898405,0.892710658122,0.0546539404427,0.626715100125,0.0362216868879,0.472560916678,0.166629572032,0.23149752536,0.513535795271,0.232399155326;0.77349229277,0.236004779604,0.503206052829,0.976388397021,0.430678243228,0.355829572484,0.79465932889,0.0207759241356,0.180961130694,0.0751124830135,0.933374418895,0.62821651687,0.744502841323,0.613939958517,0.778653141703,0.641423033982,0.493419609645,0.999699369875,0.282612646595,0.984016460529,0.492709330027,0.831853862627,0.448183988923,0.464159773749,0.128721310973,0.169148659654,0.781684408402,0.887729853814,0.265788026441,0.327492145316,0.407143479916,0.121579605271,0.600770259749,0.576315590872,0.575026888301,0.694559053401,0.597590426528,0.564636217991,0.761673906186,0.634158529419,0.584264283772,0.272343655108,0.636401350954,0.538098891883,0.20093217177,0.990387063123,0.629655556803,0.434323642183,0.518444202506,0.351004618313,0.430791501371,0.887665897887,0.0537562204174,0.197777817697,0.776847646072,0.65092574328,0.439656731729,0.40712733799,0.139016544503,0.932032973274,0.603091724545,0.934631506625,0.236967978986,0.294074820255;74 +0.919277558818,0.478086729701,0.00856336020508,0.914951352053,0.606789600359,0.184744554678,0.377572539469,0.796246199545,0.976477021525,0.65230319464,0.871900596575,0.682784212122,0.27500202871,0.96374730949,0.798427674491,0.530015853427,0.358043212719,0.0984771830832,0.698110858464,0.88437076265,0.976338552208,0.607864765603,0.437786925839,0.311195290245,0.122825853781,0.576903364772,0.441181474043,0.558846435186,0.793760258201,0.368649691177,0.0498163409208,0.574810957545,0.00912204823953,0.232276349856,0.86016086228,0.883555466691,0.266473769221,0.606309591383,0.581842253259,0.796244372051,0.540785585978,0.162466553832,0.893819208888,0.251400289139,0.32804415817,0.961381458108,0.85413382669,0.836412580156,0.892465511283,0.956910938117,0.993631787079,0.0879682250228,0.784254258068,0.320906817861,0.233249552642,0.504257401762,0.735810854412,0.735744132828,0.427127220122,0.512831465015,0.794723475219,0.214449430083,0.584835600108,0.377105600044;0.441832190858,0.0801631891283,0.684483885323,0.293658030943,0.159202260805,0.67386717722,0.152573804302,0.802379541362,0.899030340354,0.352945585117,0.772422238155,0.70222463291,0.907379501618,0.85613351994,0.994668631756,0.62302151376,0.815324722817,0.923752561702,0.538091228043,0.731256715487,0.629872910239,0.916488911657,0.524477391585,0.490981254466,0.012405596798,0.313741788449,0.221385974074,0.622937413686,0.7400062055,0.481329048219,0.00108061348239,0.674750857136,0.538725422801,0.835762045134,0.252618600466,0.345903158124,0.122385151054,0.70916639493,0.0714013515028,0.375612328878,0.781836369816,0.824987872049,0.110238942555,0.322870429294,0.332868610622,0.0548523045287,0.91176746858,0.167248343406,0.111499262301,0.622733240923,0.489366217656,0.076448695723,0.190398031525,0.46931076097,0.599585602082,0.511115060735,0.129814859566,0.906784823304,0.417603013831,0.726817380119,0.184733055895,0.658733179611,0.973407605254,0.430265170627;0.00250030461612,0.565950905559,0.563404265236,0.923436195947,0.00758963644568,0.593089441372,0.447337030622,0.670177127578,0.377436843553,0.738476752028,0.0184951084814,0.673537441561,0.252375564299,0.479549916075,0.683099733893,0.823239652928,0.186537156085,0.705961787266,0.93101606115,0.795038592078,0.310688506229,0.734160809191,0.0454335688957,0.79855578935,0.164188947836,0.627079545389,0.976314097693,0.617383482735,0.0262789887891,0.182568785616,0.297320534589,0.847870386235,0.892020106088,0.228095541538,0.964648045223,0.964960421625,0.812483354767,0.781668492339,0.672208443716,0.455788921408,0.821358270819,0.91206101297,0.788376651036,0.97108346935,0.559654108537,0.814317253033,0.0221920659308,0.736285916214,0.651738244873,0.93134054537,0.641887524847,0.159902065491,0.0273609889874,0.361550477242,0.162201051463,0.990919679965,0.458680788102,0.441898479632,0.0272380004399,0.168037472155,0.170919968668,0.894103337122,0.841887162244,0.571300688701;84 +0.723592150951,0.294488100102,0.465890400171,0.121330776206,0.827533885416,0.944327167043,0.386369102646,0.24221973302,0.702607578505,0.615507270361,0.286525982729,0.670049830324,0.0583828509558,0.0339563149456,0.603257486316,0.659273759229,0.322625512178,0.581589013547,0.837418274794,0.392016920794,0.0602284717824,0.263999353356,0.321920219301,0.381577345485,0.746291852501,0.909847858012,0.305115287191,0.121321165851,0.470307840224,0.983198455785,0.359373920283,0.185609710249,0.676237835216,0.222214151082,0.266588294836,0.522005144547,0.71591507957,0.674925276507,0.192456845167,0.831796549252,0.368357956658,0.66266989107,0.470673998011,0.426225322318,0.098766524293,0.815756381143,0.351605779324,0.920778458198,0.984334734897,0.640475571201,0.976651128411,0.246377703993,0.408333212884,0.957432039564,0.522126705319,0.444861276623,0.44047508329,0.0521023017699,0.804400326201,0.313594037666,0.620270778887,0.608551712029,0.250211165309,0.0799091183745;0.303638997737,0.178272178179,0.806163890922,0.779448325129,0.708427168844,0.438785078207,0.633828526879,0.00589442963888,0.692913448162,0.606737568316,0.0300461905968,0.416155808334,0.256812236247,0.408632577501,0.587533187877,0.819231185148,0.738631363321,0.99407474626,0.111663644509,0.292802517497,0.260966252473,0.638761140914,0.378498529502,0.849706335419,0.177273945429,0.550547649056,0.0439129468838,0.0300028774154,0.349598279289,0.509558225134,0.581685189968,0.59159487475,0.332234437547,0.0852988471711,0.706099097602,0.699124082171,0.632564760826,0.0421790075457,0.043560477766,0.272772647005,0.619787951257,0.269268239071,0.260192193614,0.620137699635,0.334068069653,0.352740766031,0.572271197143,0.020717740519,0.563301047103,0.308336112703,0.569525166714,0.825680051229,0.648588866359,0.772613939846,0.209508720141,0.900527160343,0.27973192136,0.998956976809,0.48188018019,0.764933772872,0.260001893694,0.956054782504,0.294262941105,0.209055497188;0.229816174006,0.497060888236,0.995300819329,0.97314940808,0.983245107216,0.668598541478,0.100734246802,0.0844340692598,0.0622361297683,0.422324928326,0.106786362527,0.902904038489,0.0936770945054,0.411421433899,0.660578846881,0.0193553393488,0.669670897928,0.427115951703,0.667688447668,0.0181864434934,0.638865222897,0.255312564164,0.187885551171,0.625841555086,0.392595614226,0.34309763901,0.753625858601,0.904501903378,0.197454297147,0.693736752729,0.0503625155862,0.295797566136,0.771620138178,0.623414821812,0.620542900343,0.0208459753483,0.480525281185,0.648544179129,0.563809180911,0.455242791572,0.817279161744,0.469537393817,0.500985205566,0.662681888664,0.0570901446794,0.10686938921,0.0108950260371,0.129674878883,0.703558871217,0.0340887938922,0.948017575117,0.42225951761,0.581083439073,0.756812854978,0.708149769872,0.25684202582,0.615324776872,0.322664196697,0.292387919088,0.988603226071,0.248987509177,0.530937112957,0.0557086784835,0.629938596617;98 +0.492474087405,0.909103954823,0.363950003849,0.0154920146579,0.060567499596,0.206277233464,0.403675572997,0.844317491651,0.0125568891855,0.761232594975,0.0942861677708,0.768938370735,0.41514210776,0.432604617678,0.440986139468,0.6176788914,0.618987995748,0.737562715026,0.443011454322,0.571278607222,0.537813440906,0.67371076307,0.0817361853472,0.658990488872,0.705600157505,0.673950477431,0.402060874162,0.749203835655,0.627090425741,0.880938013069,0.530345485912,0.284929994161,0.349036880914,0.273789931257,0.994094755664,0.741917640892,0.782383706559,0.433718162079,0.92497676093,0.685490728163,0.839044321847,0.324457972707,0.0055508317983,0.35304250433,0.151189870453,0.452230697518,0.231244698508,0.683895824937,0.538475670104,0.148992072507,0.829849577404,0.481235693607,0.636267696234,0.154450595672,0.553018372759,0.898732276722,0.190323174652,0.0597333350651,0.250305397851,0.718579197725,0.508158161234,0.69427775519,0.0681527362967,0.0545337226859;0.273315052967,0.444461813021,0.550786747889,0.537646122397,0.0868922081579,0.683170709777,0.860955891635,0.91881110677,0.420793647245,0.218163632542,0.245700347583,0.139511982798,0.583493909275,0.345527511125,0.0734866556895,0.471188537563,0.554134442817,0.294251907744,0.0869787137648,0.242937209844,0.607446508703,0.200200550042,0.643473127746,0.446232679222,0.0189847629016,0.361294061536,0.256337549795,0.371760778591,0.979605901641,0.514507955125,0.908144645592,0.433128094762,0.779507179939,0.813341406536,0.457805682337,0.68910456634,0.661358347192,0.886479690337,0.0904474428869,0.726962493625,0.565668967438,0.0299119479294,0.592424186,0.116923999045,0.348232754006,0.805099859407,0.541289085379,0.374046989698,0.5990487697,0.602550709745,0.966702216642,0.946457226477,0.792983455813,0.979904726415,0.7795849883,0.257992242063,0.748516396942,0.323028050631,0.884995150136,0.993227700042,0.224100015765,0.388387800854,0.860012429334,0.205021803799;0.0540283298648,0.200847979982,0.147935495928,0.112600135138,0.57692446779,0.317107310914,0.4716657114,0.418314022716,0.834559978733,0.304262589354,0.211474545072,0.995893867734,0.3637262269,0.383687491544,0.365595070992,0.998231027512,0.481436913045,0.0513632625073,0.897689730731,0.0236847922823,0.713392022464,0.846635861261,0.0701076581675,0.687615741493,0.244718703138,0.986092554374,0.639852545977,0.659634644883,0.837119266495,0.495893817402,0.650182865684,0.704015281663,0.924399194677,0.14689535321,0.974091820742,0.337429033054,0.614356829497,0.257595960123,0.902090395714,0.155463818959,0.0781052847714,0.394142987954,0.543771372253,0.626498202946,0.0228083708371,0.986447105907,0.697850253173,0.782446422908,0.353251937193,0.449274547733,0.502985665085,0.77667851479,0.272914357624,0.696774521747,0.25494172211,0.230638390493,0.0976012921555,0.763519165589,0.689565901716,0.460310519789,0.464026390606,0.584404432526,0.0271375496575,0.0688835491236;73 +0.862945487974,0.801825515679,0.0637660879821,0.959399079652,0.500362128082,0.634816146118,0.695808116852,0.551095325693,0.133193167277,0.422732840648,0.399429839162,0.845052509072,0.780859068195,0.882563336647,0.693324332012,0.306688134218,0.864387407843,0.478987598872,0.000253837434357,0.339324144996,0.108192912443,0.245891326473,0.128914242198,0.893014099753,0.853621292005,0.41937843876,0.63635981955,0.423793625293,0.62497145803,0.182702015709,0.989448595822,0.281923512356,0.708499594044,0.747782478773,0.827404595015,0.559172880786,0.00398883375545,0.776818057193,0.465883673718,0.800810155633,0.472563523967,0.342885575316,0.261024939997,0.153523474878,0.180308372366,0.309597846252,0.273540492778,0.867895786726,0.71937567784,0.454258099698,0.286986000231,0.365243536883,0.504420426552,0.789087132304,0.198682352503,0.921717776864,0.852554464229,0.269374638556,0.27114539425,0.836529706314,0.610262494932,0.675290709945,0.888238836334,0.74167143023;0.948485321424,0.234101253668,0.405782815517,0.0933216963635,0.128960324869,0.696139584543,0.238389993473,0.117602024857,0.491940276879,0.711390630257,0.538736200576,0.00830568408509,0.801381828743,0.429577852786,0.684710954653,0.163135115154,0.292322967693,0.900383514983,0.686014575564,0.368723112257,0.71689816049,0.672917839056,0.234212425772,0.195776999213,0.729389212527,0.484066051168,0.0473060159414,0.992123426526,0.657633510186,0.46826538595,0.0304769571268,0.254572991724,0.445693958096,0.892406140135,0.974683736952,0.893506185332,0.91803916998,0.359245798564,0.616202198006,0.765011912977,0.946281211264,0.0660982529658,0.0856003491694,0.982408784365,0.810218804918,0.91169017627,0.854648439278,0.929071143871,0.797611692955,0.826554699501,0.146752165317,0.606926550963,0.836217250357,0.44045424423,0.103922408638,0.726772431971,0.16288486063,0.19825460109,0.472834126006,0.2818706869,0.23437786393,0.46112489618,0.97740517877,0.567292560907;0.935023362805,0.436254035844,0.79569035534,0.213260163237,0.257792684679,0.517816461595,0.516689573302,0.242700561304,0.24508774369,0.649874446219,0.446077314818,0.135511476562,0.0597612348227,0.607905988394,0.338176193506,0.28410674565,0.676612727202,0.436468890254,0.98680904089,0.220213144947,0.884891059474,0.490987668922,0.988358704934,0.289350768304,0.813711453742,0.846790403385,0.0372212844414,0.739183760637,0.551418115049,0.264895842923,0.163614641706,0.924573602983,0.0932228904573,0.0445613981956,0.84977381878,0.997993914097,0.630660123662,0.583574656216,0.49625744148,0.828914231384,0.83836516998,0.329974393423,0.384528353945,0.891565216478,0.737398188967,0.2638669342,0.254510685714,0.540050309213,0.628115711188,0.124226410683,0.424257142356,0.37063490547,0.326758352393,0.765056835549,0.974786229991,0.143572330059,0.826493808761,0.0732029855109,0.125816313337,0.972559010462,0.173312376743,0.432539667614,0.374999622716,0.505153166549;94 +0.494851002697,0.768389022706,0.375172945803,0.577088456676,0.640432024494,0.670565236258,0.741840458946,0.667769412271,0.734103137214,0.105730797037,0.66310744627,0.367213299402,0.164385917143,0.446768259111,0.5771408883,0.542468823603,0.407793176083,0.9132380546,0.57191208126,0.600150872341,0.0178436151334,0.401722359891,0.753039919656,0.288690558924,0.722356650699,0.994721860502,0.761932664259,0.763703761682,0.798704803255,0.658091130646,0.512178471831,0.940135812319,0.852143359629,0.544398105322,0.570799438849,0.405023702333,0.222787805539,0.741431141248,0.420256725272,0.470449971229,0.863710995254,0.248461882658,0.0419784596752,0.569614965974,0.51040099861,0.615909262982,0.146658912633,0.800276916342,0.182751500629,0.0954287461406,0.18257951886,0.525800504936,0.975145538357,0.368642917664,0.571582626149,0.183038470723,0.453458811214,0.0343191822071,0.623350892995,0.150914107129,0.605112786829,0.726207174807,0.744607147698,0.0771116819434;0.966100283829,0.13404637783,0.3487562775,0.416436813315,0.330610621273,0.0522796264209,0.75664020474,0.69668996182,0.137868612092,0.654921519875,0.00591161980685,0.0749138852394,0.673892106096,0.91161258211,0.513909193003,0.134975883029,0.29380024201,0.806863169361,0.589601537586,0.569943392427,0.413969085736,0.665653423843,0.181865802972,0.600115996604,0.579469019573,0.792361809338,0.728602141232,0.897375242428,0.668247809672,0.820182870098,0.365261397389,0.119497628086,0.314590482865,0.744108998409,0.983313384338,0.0986684635752,0.494167695317,0.775235665478,0.482382847992,0.339271176144,0.473282708825,0.677856575202,0.921238255088,0.576884083233,0.795921013258,0.0937919508965,0.703700709998,0.583637041288,0.873031463225,0.959693087964,0.855528938316,0.672908847295,0.745780053769,0.912222640513,0.373467460199,0.681193570322,0.0874871096522,0.0750521418737,0.679657148422,0.278485372747,0.847274663728,0.632579038428,0.723904142848,0.526728063408;0.533124520577,0.146103580745,0.83381885712,0.552285696748,0.903899211111,0.963812050329,0.578847069761,0.339507681769,0.920166125851,0.711081711126,0.262993477951,0.137429514915,0.639001558174,0.725230892904,0.335093907642,0.790175919464,0.19807524833,0.616553484496,0.113077432241,0.179723520375,0.771451585048,0.758002641158,0.046562937566,0.563396464657,0.261418675798,0.0799548837882,0.689405191856,0.864735427335,0.89659688083,0.37747472624,0.525371432513,0.598762837913,0.145487851639,0.946747044708,0.537928664282,0.518530023855,0.13649364049,0.50976803717,0.522278961701,0.352038608469,0.499960771809,0.791439496699,0.445844417102,0.354593564623,0.48855875902,0.508997542986,0.337509872206,0.759241412127,0.0646083460125,0.996809750421,0.521366920143,0.456001619043,0.626586959137,0.373247912313,0.671778675779,0.532351193462,0.604775037354,0.295667419654,0.170070526476,0.140557070012,0.863421747917,0.807599836463,0.485646122029,0.980605436617;38 +0.426830291083,0.474260971297,0.962918305002,0.805172912498,0.772195212707,0.662379502153,0.534809162611,0.909849166376,0.511786841337,0.715239622997,0.882417505676,0.496486598753,0.759403075953,0.235888743538,0.137923400838,0.170001763138,0.407177841107,0.289376540645,0.0900917954631,0.282099402597,0.621792046506,0.64902694769,0.258981479365,0.392068596092,0.117805844529,0.434380885873,0.164377803578,0.773869494023,0.128148692668,0.300780340854,0.540893454869,0.887545682614,0.0485347764251,0.965555998278,0.944133052293,0.135249690443,0.573730838214,0.15930813923,0.98237178119,0.937205449371,0.923588973483,0.495865146713,0.278380057045,0.716819685052,0.533240100872,0.142153370589,0.398325849297,0.242049638632,0.286007537945,0.578799803076,0.971009348092,0.713492910942,0.329360963231,0.159007249336,0.709229059623,0.748550605446,0.964632196041,0.161268380838,0.484506727986,0.405453054108,0.94348448404,0.205862783736,0.595917697802,0.337974059861;0.620228938583,0.928070804067,0.393489372453,0.555648811054,0.119339894702,0.0328414683119,0.502311380491,0.229638772307,0.320168228375,0.432085064362,0.483711939131,0.425038446176,0.860622604422,0.85824218939,0.529193534821,0.186655653923,0.950107681511,0.611276646674,0.596496420481,0.396502974146,0.681915698202,0.943020700488,0.09189756514,0.795823497402,0.163478475685,0.945100387877,0.0381950011831,0.606547121158,0.944612088676,0.234646617001,0.380651235294,0.657914624526,0.116472646437,0.137325500733,0.305709986035,0.673323064514,0.681981138004,0.0977611993331,0.811299530761,0.36341352849,0.684485308501,0.931367888891,0.550656574798,0.513707311016,0.873312388731,0.273795000328,0.143562489268,0.576475976892,0.52090149955,0.894839653553,0.447246518678,0.657764554839,0.229741006196,0.605110496933,0.879362863838,0.225299935697,0.62883430463,0.0509603559577,0.680915627375,0.571544272796,0.826491529525,0.483417257271,0.848212348671,0.0636608261682;0.996451920725,0.335480302636,0.474336555242,0.500611770851,0.799776950708,0.366646818092,0.428225619382,0.0806630169085,0.834014495514,0.982713472089,0.00922214346072,0.235520284503,0.120798750266,0.262632280131,0.743076838134,0.114804721054,0.430293397796,0.453370218186,0.0965741673916,0.942622002765,0.391272343413,0.576600138384,0.553764974032,0.0444801288775,0.0647285269558,0.678998461785,0.0115627310048,0.168411077246,0.85964154233,0.486348396915,0.424635935405,0.0773693134981,0.757234542977,0.805778335901,0.84403133823,0.222306066467,0.641084032994,0.944852456652,0.330512244745,0.124383477336,0.771044673174,0.879893900671,0.163280143667,0.908795349543,0.20916133351,0.687136797628,0.374494633498,0.225538488861,0.339001734626,0.681665873805,0.425707238037,0.949544643539,0.29089207566,0.319567319217,0.161061754671,0.551612674792,0.905039248696,0.072091881983,0.0834047190654,0.768992133632,0.27460617969,0.0963116755831,0.712376183459,0.328210741755;51 +0.884751092247,0.471702264968,0.378117273716,0.451085066848,0.648763867079,0.402795686477,0.734843364506,0.721551889588,0.896566995803,0.875642149476,0.22829697206,0.389616493974,0.254328421381,0.128615046537,0.719719547023,0.38632930991,0.523418603144,0.775701989175,0.683049836765,0.651596870127,0.46744655976,0.886129593673,0.0635422871246,0.38787860439,0.762033778585,0.358621464862,0.174700666489,0.742018018139,0.258290229213,0.146602551195,0.878192853298,0.815340211426,0.499821064478,0.285784348211,0.783458013492,0.697226716022,0.479317458656,0.256141688084,0.697779565445,0.390511729174,0.783982273876,0.289662997323,0.36915919068,0.515013734055,0.715479182579,0.118423762273,0.896104121908,0.406899118627,0.891865185645,0.61763213983,0.953676633023,0.558651069505,0.0059631110108,0.180574138364,0.638440889181,0.182609113551,0.0173124426573,0.063343665266,0.481157750356,0.904828040162,0.369556919619,0.454303925956,0.565342677374,0.655881686608;0.912957470758,0.44744482556,0.289657994014,0.296545135474,0.938287071519,0.83615304589,0.223788614372,0.336392801671,0.712119909561,0.189137659763,0.911052428587,0.662845649281,0.318103618986,0.516923635,0.317079801181,0.0100642296683,0.740105199052,0.0512073304894,0.846762324173,0.0387732319399,0.767295386657,0.273351342599,0.332214887192,0.930189486856,0.234629138873,0.706310049649,0.632266054762,0.502573042743,0.56372603891,0.175155626941,0.263440103731,0.810382877116,0.43474492614,0.0936743609357,0.17096145443,0.886112153727,0.2876154778,0.204512367688,0.847747325985,0.244982754332,0.575821951966,0.237387763471,0.689819738298,0.363699542941,0.299088582065,0.52769735531,0.999135755987,0.577271262176,0.683237834803,0.849098864671,0.23373706178,0.408231534434,0.599000971545,0.124129108861,0.77356409144,0.765637533986,0.712888407786,0.369991645936,0.78434702175,0.04208615167,0.486089377959,0.737912318405,0.544404940587,0.601831245249;0.523261791713,0.789693436579,0.27697855857,0.682034608567,0.753060382326,0.321132202455,0.720653304628,0.703150093943,0.302986961534,0.850673873045,0.873834024173,0.323451127722,0.666254961339,0.134223352012,0.856401162877,0.885567303322,0.620693359226,0.377407682194,0.555145201027,0.119044352353,0.706624213769,0.88439013462,0.711456893537,0.648430092781,0.107474857742,0.344663263964,0.66376818023,0.998071737085,0.341463929601,0.0864105171291,0.0686233424587,0.118210115854,0.0803175032541,0.392410914125,0.380423392672,0.191630101906,0.829764265601,0.883623288157,0.0504343696538,0.227430316849,0.5181392799,0.508648893971,0.716517651153,0.974960771922,0.415032698236,0.392913787263,0.905177708143,0.278104332206,0.243095309316,0.583606834761,0.459905870595,0.0391289129161,0.687916260759,0.0418121414882,0.608983087666,0.265799057585,0.430090727784,0.545624304536,0.386276958177,0.762212950656,0.378537897167,0.874937063608,0.342509777839,0.970141571876;84 +0.499098869191,0.802952893032,0.546300066712,0.629054202386,0.284157860254,0.92354886884,0.849075709611,0.597137169357,0.940857874353,0.625384303376,0.900320070046,0.0567798441132,0.387898905946,0.360035019823,0.143865081894,0.232392320423,0.399217142091,0.197272345436,0.306274945156,0.552145356267,0.636913402342,0.386460379519,0.259357114089,0.982059247335,0.834376574595,0.515101532751,0.880988273114,0.620597531145,0.866933795513,0.153258759968,0.259623588861,0.0823853974652,0.390959621718,0.124094506472,0.200563778528,0.311628325956,0.264818277915,0.553912542436,0.650114513229,0.764032209037,0.866751685397,0.411506407537,0.748491281816,0.674143798152,0.933285901831,0.846967870147,0.471035792447,0.31754487099,0.0292603013856,0.213456182264,0.683672095516,0.969646496073,0.534791515275,0.128316227759,0.790896298387,0.0635130467048,0.700402314089,0.492823370219,0.213258322315,0.647413868061,0.6917015224,0.741795579196,0.343265717159,0.462658665815;0.3092398899,0.00907333009056,0.931678216727,0.374281695947,0.19502613468,0.535190038778,0.135538824759,0.633747828637,0.606830463578,0.807946723928,0.0771339300137,0.325014498131,0.111684200492,0.602232997862,0.552119258732,0.846843577605,0.765184688858,0.712685276297,0.937829925667,0.656261960764,0.170073784495,0.400165928006,0.155568865033,0.789066903168,0.330842852405,0.798847483018,0.80199242291,0.00468690949551,0.460117308678,0.703655444909,0.0761527431031,0.870439611063,0.90674476967,0.0317395800696,0.648080349166,0.748738493909,0.974625276701,0.809775184948,0.33623802865,0.19567014999,0.276415370544,0.184733322507,0.839522522425,0.241958071715,0.815734710829,0.757176183721,0.228109440474,0.752779934946,0.256386055416,0.692014324369,0.134256926298,0.789494985561,0.516993480288,0.752646047138,0.863673500418,0.261367364303,0.407434732925,0.265729452008,0.215842606435,0.12248573133,0.529711836115,0.287938660911,0.424016349776,0.0970832466978;0.177262228456,0.213593370784,0.23455400528,0.596530674139,0.815804678869,0.762135550169,0.968238658505,0.135608474455,0.968050241611,0.036600287232,0.616540383208,0.533514523645,0.804284871132,0.280025693518,0.213787050324,0.826558107169,0.852292774897,0.311199298216,0.474666395856,0.688124216386,0.984617965569,0.385656711089,0.936025037514,0.916310150633,0.536803959903,0.950011056262,0.0473438512955,0.659947653591,0.837460515247,0.127937180013,0.652212597762,0.494550112969,0.714850369709,0.315785065247,0.44504070389,0.880660411934,0.100971574353,0.0389460728335,0.485101458678,0.317045395787,0.33158454392,0.107762922161,0.492494190896,0.562518299667,0.398441203521,0.0326922211491,0.275056701934,0.88236808614,0.121157104718,0.133982919424,0.132590314633,0.289581171063,0.987270827098,0.871237149976,0.551570838351,0.114148091349,0.9196399716,0.564192876628,0.662797352215,0.310628825081,0.40096273884,0.80934209887,0.929517701214,0.203084562268;79 +0.556680707261,0.796315882217,0.545699571599,0.993035936001,0.205349127009,0.701543929345,0.37998407654,0.558708052398,0.817064031016,0.247028953595,0.19302382496,0.291466712777,0.353395994322,0.54581496192,0.417395834323,0.087577299535,0.765640759005,0.47050444214,0.258310428701,0.610839840479,0.542040634152,0.593495776393,0.638901627722,0.62732488861,0.742655931647,0.971498340488,0.0778965473339,0.363813012734,0.67500306115,0.552537694971,0.339308823584,0.705794586967,0.971552907831,0.693612251272,0.811088496974,0.103062672862,0.645197041984,0.423372083444,0.205463960592,0.49633244863,0.254000184891,0.0451421130531,0.983274036034,0.834901377591,0.519614082134,0.258417641827,0.681237209195,0.591866534215,0.226509150568,0.260255505089,0.402860626418,0.450980591253,0.208481793329,0.36754149678,0.718444971746,0.575960847878,0.732145626466,0.330380490798,0.736139610782,0.129875978947,0.275435885476,0.350226172699,0.172454229271,0.0821163163914;0.149965991041,0.932103910709,0.44720185927,0.752602561875,0.628164770821,0.57425074502,0.200888314228,0.554533183983,0.599271156844,0.0226017981167,0.783302885698,0.501018214345,0.834134308853,0.178383807682,0.343419124539,0.650225694481,0.501655673535,0.190406785525,0.601058858044,0.294461144253,0.0934568796784,0.612282246306,0.15036489756,0.706942635879,0.400971362952,0.81527598603,0.359576318478,0.647651018658,0.287972798233,0.24076123404,0.673942010455,0.581265753496,0.190796831985,0.925423593904,0.375644936125,0.24282862716,0.54900840719,0.272644608284,0.635340079929,0.91238485964,0.747737216422,0.625735129643,0.503355221233,0.00906396018341,0.0059641554032,0.322374261705,0.235841264422,0.365679446279,0.849919128177,0.117497926738,0.23258068806,0.306534505263,0.43856117874,0.250344139596,0.298579495537,0.432678809134,0.0494368078462,0.907073581762,0.852060756685,0.190710445648,0.926377283815,0.394360687281,0.671415869914,0.739909240374;0.74492426531,0.859650649955,0.714753487381,0.838192527944,0.724062144346,0.841785039786,0.211438131988,0.202728213015,0.146007253518,0.767308077024,0.413898280936,0.469395238791,0.0946138093072,0.305238007705,0.908528868525,0.472136481879,0.228869933258,0.031811770124,0.0857423478407,0.0416830225333,0.823799736375,0.192413048293,0.672419449018,0.748935987424,0.725753447577,0.760545882447,0.772915506321,0.00657951249472,0.809536475396,0.0366603179714,0.323503035615,0.827372057274,0.952489038069,0.459080351538,0.211590692673,0.793232915485,0.470369723114,0.661284885975,0.458688018014,0.813822751941,0.81281362961,0.350034864887,0.640477712292,0.5977073208,0.687493855458,0.83357111552,0.234534166352,0.547495368456,0.567040972075,0.967416490949,0.0950836720971,0.925254077051,0.393851932836,0.457691136932,0.876958443802,0.98244477506,0.214321768729,0.755412901009,0.325221525157,0.785599174749,0.561817629009,0.410368150475,0.489309913535,0.435785730046;75 +0.405776600006,0.0789342476268,0.0372432730997,0.30350959297,0.255325750328,0.935558360692,0.538553796245,0.570935241364,0.19713983491,0.88261563953,0.575856761699,0.175060068187,0.940461175513,0.409995928473,0.476296377464,0.229578600414,0.563308133514,0.231044914904,0.115792311336,0.565597575764,0.921591671833,0.110858060521,0.0962988677889,0.575424169819,0.0845623768421,0.229666052188,0.291605858738,0.21261590578,0.837782392859,0.993732393625,0.273656325844,0.433495193513,0.12732001449,0.853321914735,0.406970793958,0.830663420193,0.182973601174,0.560847128761,0.282131766557,0.752822590813,0.542903943826,0.560703032392,0.29348152294,0.997902657302,0.924534935863,0.511480801894,0.842478773054,0.298287172789,0.809717956182,0.222040811646,0.159830282824,0.430719029039,0.907534570171,0.195705730705,0.91188757647,0.559797513487,0.0556493234835,0.607392130803,0.399386923421,0.172049777225,0.756019484733,0.944952526673,0.579593227908,0.722740250884;0.798733047432,0.933123557036,0.836107782436,0.567461681284,0.315449524414,0.0272358678045,0.690681412825,0.178951902268,0.444774535562,0.432116575895,0.111110805214,0.777269898744,0.420896212576,0.0272779278002,0.128247976283,0.971441982514,0.278956546414,0.964699343431,0.134697826337,0.613833915696,0.873465939255,0.69746229804,0.108223081635,0.453529970461,0.774851583225,0.659461715677,0.0342836263056,0.0170094125837,0.036527284336,0.337132764103,0.102437919519,0.866615246667,0.648057723881,0.338104242481,0.752691067799,0.359295584426,0.622037012546,0.585727329323,0.895223704268,0.998210056472,0.739283265567,0.0352111964238,0.934937323599,0.746675789415,0.865930979847,0.723884049223,0.0310343171332,0.1262709348,0.480592101491,0.264513556619,0.223195229445,0.473326784652,0.156010436504,0.418912194779,0.017385857398,0.0647692446526,0.395906912831,0.4562471958,0.512238552901,0.947072737501,0.96234683353,0.473512696689,0.509482572971,0.130182817093;0.237111478876,0.995072832222,0.620638024717,0.564575961683,0.590593674842,0.597280585984,0.456188490098,0.341984346309,0.601234487617,0.893498671671,0.755355631468,0.498797975094,0.952377546318,0.132393175178,0.689357161803,0.670748942729,0.154107717204,0.521616122742,0.174332158791,0.90104860267,0.0503071377434,0.327644143201,0.935323210329,0.0345031123071,0.0240853191791,0.65019451488,0.425090122425,0.21600812257,0.170807857312,0.0585261612574,0.693863898737,0.0851742044862,0.958448041949,0.364160697195,0.0411874977249,0.474356681155,0.38242121592,0.885458340611,0.156867145509,0.435172969844,0.645562371399,0.0332395965021,0.762497836707,0.307907695023,0.977926030344,0.173466341575,0.162867482903,0.316389758347,0.342604358845,0.462455723445,0.84189284942,0.658413880853,0.68375040237,0.364801940518,0.619380287964,0.619384014982,0.331935106477,0.0698837926374,0.341843783393,0.348282255453,0.808728259322,0.785011431241,0.190210914793,0.0512695784336;58 +0.844210245203,0.772959401821,0.470635941728,0.662750196017,0.307288529079,0.382181516881,0.354015597303,0.525590044862,0.588635338498,0.883746687906,0.120304048213,0.805980248907,0.459913845411,0.988802829383,0.110590109813,0.0364302960809,0.157383194019,0.366608457293,0.510758115323,0.939917493139,0.124863538726,0.853298261965,0.973639437555,0.634799984343,0.906269060715,0.450765964042,0.200805921648,0.920331915636,0.825804881274,0.487542208512,0.743000538505,0.497137389929,0.872088923089,0.524032221366,0.804463713582,0.556792255307,0.467754931006,0.60161218736,0.0321139784525,0.497297110352,0.836175361008,0.99419508513,0.0743139350337,0.242700305768,0.0909327520994,0.646355370847,0.531537226767,0.0882925473663,0.117750715038,0.853428195924,0.739155849901,0.966227487602,0.688337125815,0.628509377877,0.787219972767,0.0323776394395,0.15665661924,0.458024292075,0.377091096467,0.592612763195,0.536760817153,0.6760554963,0.0312733407163,0.98357339551;0.787266460241,0.955425258682,0.347775158616,0.986279654917,0.0383423774125,0.397811757459,0.654465983921,0.315848748262,0.0725933293429,0.928563342032,0.984732776951,0.625882694994,0.471546062144,0.169950241707,0.222841626752,0.829704851872,0.961243267503,0.15282490197,0.301692568982,0.81019618978,0.850669397339,0.347472229597,0.89323340516,0.968401787512,0.235903918581,0.313196092516,0.83074773187,0.32449785167,0.0137512793462,0.801212909272,0.105301158764,0.540991420157,0.433649659573,0.254198949617,0.875519474554,0.572765368272,0.048230476552,0.325593404775,0.435474319367,0.299340384353,0.368634551482,0.443015906365,0.172172880217,0.54019340588,0.703086148842,0.411907655637,0.34415183263,0.511950607775,0.360127808321,0.96955284096,0.902325761888,0.967681166351,0.394549184471,0.0336693890838,0.600598169841,0.451664077775,0.573545616049,0.655059120953,0.328691604603,0.662650445773,0.454753747685,0.902336762191,0.704923139071,0.879844142037;0.721496559104,0.745101493855,0.39775069661,0.170275806556,0.337116044669,0.219987335118,0.427985628352,0.514971339789,0.286423108517,0.576690682922,0.692044882105,0.315535749235,0.0792820882792,0.493508380601,0.013732335067,0.183826745204,0.310969057347,0.546336285235,0.490568561606,0.69986975814,0.164797758811,0.14906083676,0.217517282632,0.371290066513,0.637476070675,0.364935054757,0.468140083978,0.6323285945,0.18517151183,0.463017755461,0.440889347454,0.744250686881,0.645904480676,0.465139093459,0.74969810899,0.743716175162,0.208506505145,0.725045618905,0.420981565263,0.63926853114,0.358333223928,0.177853383557,0.849898938379,0.865218540318,0.266996096467,0.863707255788,0.0729962776297,0.157698334563,0.621145726973,0.621388764423,0.305498375025,0.0364424602837,0.572920037296,0.0542604750442,0.242436796404,0.235893202063,0.886285675005,0.299751186654,0.498589118094,0.259603422772,0.787941660898,0.677485434492,0.664848901363,0.343900520614;33 +0.611542018735,0.174948893895,0.50211797869,0.424494494581,0.193675711767,0.446661278951,0.871963493351,0.761619131033,0.869083664078,0.101899441857,0.529151670063,0.181507970745,0.210293034982,0.5889006689,0.569167529215,0.741956857303,0.401822054518,0.945022055716,0.49738472349,0.404842749897,0.809727760299,0.00316878527187,0.907126916766,0.671052959169,0.836171026599,0.918161756281,0.265047426409,0.472958254093,0.478609981834,0.905240186212,0.558020143171,0.365068596039,0.466474853355,0.471354371255,0.546697030225,0.263751717846,0.254325720572,0.904468131046,0.760075686075,0.615502567443,0.471274936267,0.377005175196,0.295066707187,0.00149865786392,0.0689207882517,0.153007264622,0.949864300816,0.791122140603,0.285174290362,0.751220077053,0.908615302365,0.680534815535,0.454906726834,0.301490270641,0.899547170325,0.0741942516894,0.834141623915,0.832706609937,0.930226409904,0.149218494249,0.725193104996,0.812338526555,0.220303081856,0.234585394896;0.604068456547,0.161224403851,0.665824784746,0.448519241079,0.0580709225912,0.637569604384,0.664737918469,0.796759746469,0.605106617963,0.474233037696,0.322707845386,0.22441374711,0.282453897332,0.481344040968,0.427529604915,0.7253255648,0.368388857475,0.394669766983,0.804092551398,0.595269337708,0.992180376091,0.142063227786,0.590428113262,0.683738135394,0.0128703321823,0.318442980221,0.122947544874,0.987886003494,0.424290911824,0.620426184165,0.802065590079,0.707026111856,0.597005978919,0.027249070226,0.179108469524,0.747610440798,0.484347215519,0.0578666951462,0.326996615603,0.273532357794,0.107934837697,0.158736928346,0.941940820036,0.533707672751,0.824200970519,0.751250937577,0.158763583109,0.403051322151,0.292877721308,0.874929586462,0.132626070084,0.772214986711,0.571515554642,0.295259685454,0.108876806318,0.690374606128,0.489884693041,0.0457206194284,0.565432867673,0.757924011197,0.18893901302,0.644971429994,0.517911128253,0.875051485175;0.824566661147,0.526867028519,0.321459360166,0.81421807774,0.0794678205926,0.617809479199,0.0143598394533,0.559691917513,0.545890310252,0.887134652564,0.652223537705,0.539212700072,0.502906859692,0.922242921127,0.000557557884085,0.7500675444,0.556040159848,0.5339709466,0.44489524901,0.345154240919,0.480683696254,0.767436842274,0.543914333716,0.641603294324,0.0771626940738,0.106372565015,0.860906309252,0.733502633756,0.575814040105,0.971809399566,0.460099959595,0.199099400908,0.455592210804,0.588810311981,0.706098924353,0.77998621067,0.425655060978,0.519616379365,0.24581424598,0.280943675194,0.938891473702,0.675132903078,0.26148147075,0.982637983737,0.536046088341,0.222042441673,0.432529119242,0.964554034495,0.828766567535,0.531906813699,0.098968139059,0.869072996575,0.168993890224,0.246466212713,0.010350264721,0.347577925097,0.478816763736,0.597022491506,0.768386430144,0.162270198815,0.533125149933,0.80525833695,0.69068165611,0.920579557068;17 +0.317163033897,0.184821979114,0.0864806334219,0.919398696336,0.696468805853,0.206835194678,0.294253002442,0.40731896473,0.434472552806,0.699915369725,0.326851281386,0.42059064522,0.577302381789,0.151528427689,0.737046187468,0.797651687851,0.47942271845,0.702281520481,0.22516245468,0.26322179129,0.684314416149,0.98553694224,0.206561384517,0.29705266859,0.259976999031,0.326817186248,0.0592672737725,0.303054860593,0.474979793962,0.413322388908,0.24169447296,0.398625634856,0.964387846102,0.733434498737,0.567836613723,0.924871101338,0.370030604389,0.70499600468,0.408386937955,0.681944132512,0.763598389266,0.100910426646,0.952144332007,0.735067072378,0.365554540398,0.0763693010577,0.558574294198,0.428982304744,0.858204221471,0.214201075454,0.509381138179,0.504304588262,0.157570373286,0.0766798408664,0.35782692985,0.914978387663,0.4396153297,0.98875702445,0.954714454042,0.442916365121,0.948343983017,0.905859747567,0.361697921064,0.526311921388;0.45926412154,0.937945605811,0.522790623347,0.453548309896,0.0088190278595,0.360374380641,0.446473079328,0.535679758106,0.6915094638,0.608863208961,0.757440631887,0.968008156365,0.728554307792,0.138324801913,0.755389462358,0.922119208913,0.251584957835,0.955299722814,0.775212977594,0.924968084382,0.894874486339,0.575195119684,0.404584650322,0.740541070201,0.386550957747,0.338813059122,0.871212371643,0.811613168137,0.753134123562,0.05482299139,0.400261830927,0.673870420798,0.366442802031,0.0722684706391,0.083657528065,0.68762816973,0.534434215319,0.506852208034,0.117922999765,0.56620057897,0.948596868894,0.475952303754,0.744494101328,0.897119913516,0.535329449506,0.567070644849,0.120433913979,0.514492784026,0.825909431895,0.521647312176,0.201666798076,0.832842004928,0.419773004441,0.00983070541378,0.96825256598,0.486952456908,0.693181842411,0.788387330702,0.133104211547,0.105187306194,0.576535456019,0.681539743593,0.865651044577,0.243899314367;0.964755830173,0.603324965822,0.521623949254,0.990653682145,0.220163333922,0.15751203712,0.444225529598,0.530948352558,0.875599917625,0.0485704339876,0.76421766738,0.486906813921,0.46268866673,0.384863801432,0.528436292777,0.241251692036,0.0163943142655,0.0231504703599,0.248705141958,0.731312202971,0.615500817639,0.416551797514,0.748198445082,0.531930936551,0.706846926088,0.00740125819133,0.65244759368,0.354189836606,0.168508581932,0.116416382487,0.629961004596,0.574877179755,0.424184125539,0.231945816257,0.424036675805,0.383417809342,0.950610988382,0.592057310986,0.218736769648,0.326954686071,0.774246546848,0.162292696676,0.252222539043,0.200780913255,0.650767799507,0.833956258344,0.0832195895951,0.652667413824,0.907316911325,0.418534629471,0.316236215306,0.645844208015,0.0999861590204,0.448610850742,0.148797837518,0.0385734652305,0.683205972635,0.676853585743,0.895362658226,0.687574621523,0.940908125503,0.324895125784,0.841543527426,0.329937903164;59 +0.307928992073,0.264185919176,0.923718033419,0.292571855924,0.230603838285,0.168737039824,0.868341983066,0.405318367743,0.00723681936378,0.544139548612,0.106298981051,0.744503919828,0.770653392273,0.419329374463,0.170760724356,0.210115546562,0.0531066552506,0.154886619512,0.649995433329,0.462266632402,0.731401745265,0.66479654618,0.0857263676733,0.616780551962,0.196110522958,0.00834148436039,0.288025600268,0.255183493308,0.320031291679,0.149215704724,0.324060860936,0.874262944469,0.0460448102607,0.740060287853,0.861567920653,0.950417068575,0.382051747346,0.619298240635,0.681958341113,0.360083000915,0.792991574671,0.541246274512,0.133999123173,0.770416982888,0.662988371662,0.855310836545,0.586364138829,0.172166246377,0.0306486076097,0.902904515487,0.083150980227,0.573862555989,0.537623644559,0.735471491857,0.630379678422,0.411324687237,0.798607048743,0.975062064856,0.806940429588,0.340069809829,0.439242894311,0.460951508096,0.838887483631,0.379200950277;0.243235830844,0.849628508312,0.372912018309,0.145994063276,0.405761295463,0.26382680468,0.303330041196,0.316764233708,0.0964771801716,0.369099902349,0.542915917333,0.633329086955,0.0738412902608,0.816086009023,0.522446611013,0.596652990888,0.634174880791,0.248966182989,0.936441152277,0.785503918132,0.178226487071,0.202027669441,0.54064504945,0.943583030811,0.0630670656007,0.767542658293,0.662433956082,0.478193984279,0.903702538345,0.931095591457,0.986724789741,0.308726305171,0.620426797293,0.459815460103,0.961244610005,0.672040836804,0.399505029082,0.722261143721,0.936716980113,0.858486264921,0.426682054162,0.407288641221,0.6405968423,0.284925613238,0.815262508814,0.170929968203,0.128879181798,0.904737002921,0.480452389221,0.196150225479,0.481057467497,0.0838371184988,0.569682329408,0.0807151453546,0.114226487569,0.480923662935,0.559283813096,0.774154127061,0.694489212022,0.845562147391,0.334748195831,0.243547896292,0.0556247963985,0.629562985864;0.423909769282,0.239419835135,0.792192509638,0.563562053802,0.618702872148,0.329622034438,0.179688827966,0.312629703653,0.308507837931,0.366832242669,0.709678913357,0.584097849317,0.0996303871739,0.7323144949,0.782236031464,0.555660850762,0.56292256399,0.178036196207,0.385454094598,0.414960680642,0.831285080884,0.855475414268,0.432651914099,0.588635264887,0.311716494979,0.0684446792206,0.125029925514,0.516724325135,0.266290657457,0.252158855664,0.280532794031,0.967435449599,0.894654643939,0.940492275662,0.90893289222,0.997520390472,0.044681515176,0.807001484531,0.466578937273,0.464858120901,0.611743023791,0.843534340412,0.233256891218,0.661852573858,0.220338538779,0.965854583341,0.337052714959,0.720470517477,0.522714758167,0.13348292466,0.630619663003,0.799929430662,0.441307077321,0.452773534909,0.208570944234,0.413177375933,0.988898528889,0.541433868504,0.150457794322,0.683019176197,0.236691567089,0.589242454189,0.901557026523,0.407133916522;64 +0.934461502114,0.00928656536988,0.730046035357,0.780032192779,0.454910773525,0.291280784882,0.326021944517,0.490991114924,0.832035108713,0.0104640037345,0.505645648867,0.142296461683,0.107781637056,0.554997264029,0.645642423546,0.390298770142,0.600790444883,0.471008887336,0.157634377394,0.958144530208,0.470275866561,0.0445067121927,0.423119540737,0.788236479539,0.842581013947,0.549383829204,0.350643088959,0.653379940467,0.355943358181,0.785766593327,0.572201268702,0.992184353837,0.317486934975,0.774067140972,0.337717940055,0.114108368776,0.70701669592,0.547626804111,0.715850148609,0.311017616033,0.822743423102,0.314027930554,0.563162539654,0.00637167400347,0.830545039997,0.106413882816,0.441053676524,0.123008424462,0.698672772829,0.935795138271,0.509496637654,0.729553858297,0.607006515019,0.0915235159072,0.211859098622,0.400774739791,0.35215431352,0.883125201187,0.803708984653,0.173727356388,0.596988030906,0.827661969998,0.414754468019,0.894186973941;0.479481602041,0.53028386208,0.336646907547,0.0933505571256,0.878601717176,0.458267805748,0.362215958473,0.371495512109,0.218816379216,0.455362026396,0.571379296116,0.402191372234,0.392182958259,0.3577641181,0.234087959925,0.537768124839,0.440298598675,0.553328499917,0.950404018248,0.872735523495,0.0619241616958,0.0625072580272,0.403076368195,0.622178062391,0.361844923998,0.515698886328,0.841496650009,0.737449295952,0.17432995019,0.812873665806,0.616855437899,0.829242560278,0.371085479504,0.235394033887,0.967457942436,0.753954072144,0.632895822492,0.134500935495,0.64168510234,0.82963798178,0.358540470452,0.366136626378,0.437346006388,0.106069122715,0.665445317099,0.885966734646,0.319001778225,0.637603798025,0.987848611986,0.0976671879129,0.480546494909,0.352618163148,0.581198412975,0.949288993522,0.113271451726,0.980819155816,0.291291936965,0.912280841161,0.997825589594,0.667849421892,0.370014846049,0.661587483631,0.260301360057,0.597242558192;0.697901448499,0.87632847213,0.945339200096,0.112834922927,0.296518116623,0.0129579441209,0.0727415278638,0.5378618765,0.827731010163,0.767681084177,0.271102160786,0.744752474184,0.0581035610242,0.252520491582,0.46697551752,0.756501733363,0.753875124198,0.883382944557,0.0423422139373,0.0394104854824,0.0994474569745,0.876100104214,0.927222870058,0.948091780123,0.507648774973,0.852689652127,0.402672188525,0.592740023019,0.108365932558,0.872610401935,0.187117991519,0.221973360714,0.369516808428,0.250991102454,0.317992060831,0.859197383447,0.55760595499,0.971370133965,0.786762867017,0.147936193375,0.278108367781,0.259246698749,0.995903668215,0.366117083033,0.508245652971,0.76724038882,0.655768879369,0.708188884777,0.325860988638,0.000944026790597,0.151901961951,0.467304474877,0.948297561088,0.325965844231,0.815169095254,0.565895714433,0.502117026637,0.816920185191,0.881763492913,0.0530548681571,0.0612793227456,0.881390835808,0.0760782573981,0.305352983835;40 +0.899363625387,0.701751395743,0.305101275885,0.91150622205,0.337013721929,0.0781267467002,0.201099966154,0.5627883093,0.436571259751,0.957271293692,0.191638068932,0.304580412734,0.505866064557,0.106563987022,0.579578727181,0.625585283155,0.578874971308,0.217656198237,0.723076847597,0.509525509167,0.51303099556,0.346325660322,0.892962254811,0.0520569061371,0.0109170693342,0.925290293292,0.242591441934,0.351553609381,0.734573902203,0.382448102852,0.851453993501,0.613338428876,0.290406494588,0.089901438063,0.0831803149908,0.753737268274,0.695093307717,0.158391831805,0.904078492544,0.644388088127,0.719203179851,0.4599424549,0.169866860026,0.930182454317,0.274277675496,0.222596417569,0.314808772365,0.696060527512,0.0357566564259,0.46786729817,0.81967373993,0.0445128574679,0.625942477535,0.65811145299,0.533703858172,0.59294338067,0.170350442387,0.429733678249,0.103760563673,0.0879962719808,0.409197487667,0.908977367949,0.352093443943,0.458724245592;0.586009566651,0.476447187495,0.0871104237543,0.439365911193,0.768704111969,0.00452253197606,0.355157359125,0.888484940192,0.149255142271,0.209253115805,0.940524598845,0.340824652017,0.0390016569752,0.897374263994,0.57572330546,0.910722712216,0.0776664459678,0.560185875845,0.990354398439,0.0954411503109,0.253004498868,0.339183895747,0.609704282812,0.768377086789,0.505780577077,0.261386040508,0.148361260996,0.337377463335,0.860636858591,0.468135478487,0.0680739537268,0.923390233389,0.290811586631,0.897486502324,0.51196329735,0.929681921172,0.189363504894,0.514869119066,0.340505883363,0.22079665218,0.592704481267,0.405130375199,0.344342385013,0.3898295964,0.409816934164,0.664820730546,0.0832452881963,0.942614015242,0.947655091759,0.57098002164,0.0724927465189,0.263621212261,0.614072501017,0.509835317078,0.498569108502,0.121929370987,0.0974673440974,0.505020702414,0.466293208397,0.434670632251,0.225717946379,0.83528315051,0.509053814604,0.908294928433;0.0880644067156,0.777381450513,0.641122857999,0.580441933949,0.593808352131,0.904502955298,0.783594988495,0.977903156719,0.427411268587,0.390401783713,0.723643931112,0.0906570319804,0.157888770545,0.469166387871,0.340679414146,0.336665097521,0.934966664627,0.630478815206,0.218135595561,0.644971214094,0.14083254323,0.493604679561,0.813056689208,0.212717904973,0.477571192976,0.269846820841,0.123156231256,0.439786199446,0.156796615046,0.414667165331,0.237277018276,0.610806758092,0.984131992042,0.896652257367,0.859220183038,0.012049151545,0.670667215976,0.168507930094,0.232277619112,0.0373096534402,0.566558119152,0.0243725468631,0.760964910468,0.107377700093,0.798999787305,0.822678868127,0.855627734059,0.900688068028,0.338423987965,0.974583697323,0.578300446234,0.809097263792,0.306984576335,0.957152926832,0.387577603832,0.995057885345,0.367753966242,0.176962710355,0.42246488366,0.653848045323,0.693667627722,0.192137497846,0.419786039553,0.332321470262;33 +0.682666920873,0.777299781145,0.870204060084,0.91810964923,0.445514096542,0.708494544122,0.25698360404,0.0163265056019,0.751735012274,0.0520898841177,0.802459879821,0.442754099245,0.713326428653,0.368568830116,0.788727604897,0.844952901322,0.133403557066,0.229315566343,0.658309524776,0.470432663885,0.392369275627,0.764902492598,0.346089959129,0.436348073712,0.892645278784,0.810526437841,0.496556875739,0.25814591469,0.779025516038,0.43463578987,0.996096238631,0.0090999250358,0.514201072013,0.473197144073,0.829346592347,0.796859702386,0.349616780609,0.102559125339,0.778541714642,0.631291847568,0.447930488135,0.20665383509,0.826656079043,0.273793115439,0.85334357561,0.961571104204,0.0401995544415,0.591738128602,0.363685412987,0.0206982107938,0.423073524404,0.857782649386,0.740398008877,0.71734686381,0.20488981518,0.852573283248,0.514154337414,0.601921417883,0.415168256289,0.7874783389,0.0699369534681,0.676420897967,0.093321513631,0.407425980309;0.182159911994,0.195732159932,0.648255009208,0.46022655703,0.62815975933,0.361595176857,0.730469831477,0.515095885439,0.69963045034,0.20143374972,0.563928860022,0.743221191104,0.331992446568,0.0206628253501,0.962920322199,0.51914718544,0.0173244885706,0.0647817613533,0.486799740255,0.0981126779927,0.723870545197,0.309555971566,0.0288710468176,0.621446068556,0.888598009381,0.772620769996,0.874619508238,0.344309310745,0.606705979093,0.73870813459,0.0145545402886,0.517107853671,0.17272383828,0.443674762467,0.71865724246,0.269779034028,0.514419055408,0.545239993607,0.931354744633,0.893671321612,0.090904529938,0.901173602121,0.890072468523,0.362464434742,0.161277196747,0.246565442708,0.961665722569,0.594606922273,0.320336101517,0.102888285217,0.180105023529,0.316061793756,0.579270021652,0.343044825934,0.206843898926,0.0586397447454,0.999749592451,0.649176282538,0.562418197263,0.467913163762,0.0602861042886,0.993983752303,0.279099465644,0.561612347662;0.349052799884,0.0030403651539,0.751103588128,0.490891855928,0.0109380745042,0.376670539994,0.926906341346,0.381290851591,0.342560903419,0.442112707483,0.855804886377,0.150862783184,0.602207671385,0.607110385977,0.0544765958285,0.575470871687,0.993944552115,0.792188452745,0.735757272988,0.372590855083,0.829116793443,0.496663661739,0.445362380772,0.00168359828649,0.592744998812,0.605462541764,0.687965962919,0.0046201007308,0.425609811918,0.745007175082,0.0404775160688,0.799756250097,0.179548003134,0.037724456145,0.999094509089,0.517325732345,0.944202004662,0.431243901817,0.919740165283,0.958505493459,0.258534186082,0.978855030327,0.986791975949,0.746682221682,0.600665102947,0.939178374711,0.447193287743,0.385492740132,0.753772500249,0.836615935768,0.113078865052,0.369185100312,0.254112783519,0.713156519742,0.58377344554,0.179754479096,0.0552926933226,0.274268763577,0.899738520254,0.671554319807,0.12865777083,0.539255788622,0.702263077366,0.325320934114;44 +0.119477338715,0.720902940013,0.355091255505,0.151102398104,0.618668752485,0.90830852338,0.428294581219,0.655470769947,0.733065498761,0.0431854354574,0.0644526954442,0.413728149223,0.277528583512,0.830632328946,0.570199698586,0.163735426642,0.445547628488,0.355439720691,0.59140459081,0.838740198987,0.462058394587,0.394788066448,0.365206442451,0.0932579269267,0.685422358583,0.388564814972,0.168227387115,0.0313687012478,0.0729858431411,0.46941243274,0.0526338316629,0.445789600687,0.703038990798,0.620823527147,0.618055321568,0.884983350435,0.483133138782,0.707474196604,0.932226233661,0.00212827081529,0.134629830771,0.636303062658,0.281233532764,0.906052206841,0.929380467873,0.851721315222,0.374755451618,0.992935651713,0.947293301233,0.808486120441,0.427810346456,0.579643418099,0.054715996323,0.119706531589,0.823306212495,0.92052123322,0.646533951431,0.908904408849,0.78440667816,0.0563788587969,0.634071607677,0.814592232134,0.512275624155,0.977886005818;0.672481399474,0.851296477395,0.775127093893,0.581953975252,0.747524856013,0.473569380073,0.69165095444,0.0505932391048,0.116891990741,0.39542410098,0.913579842735,0.161240773239,0.921699902483,0.745716130536,0.826271855116,0.388872727675,0.795015378489,0.918329939287,0.567605531408,0.509060990977,0.102740074462,0.870187293515,0.197980192462,0.876855927034,0.713629022993,0.296380622989,0.279710904622,0.730572838407,0.712619398955,0.681851660243,0.9048009975,0.995678814258,0.254254549655,0.380790966161,0.746850517576,0.146552691052,0.422726941315,0.834155159804,0.805921317478,0.318788484486,0.64528736832,0.106623523456,0.298596050367,0.916117370364,0.980617360492,0.566234223103,0.549471475288,0.880774667928,0.486983384134,0.545763215647,0.982430763351,0.254477973454,0.823550805241,0.801879354291,0.426453744945,0.462119509952,0.908188969801,0.446273728609,0.569204693907,0.429259040904,0.112413297442,0.954212558059,0.444923620576,0.535838656147;0.282650154353,0.579214110292,0.140489431124,0.0224125605257,0.810288505567,0.134421657684,0.834463470468,0.950278917563,0.996819021613,0.176835604581,0.901707658508,0.203680424619,0.744031536864,0.589318124682,0.32786089319,0.61566516525,0.61130001516,0.214185586509,0.51404952075,0.880728405512,0.427036125602,0.100525616418,0.388018469769,0.124025621083,0.414000707242,0.979210014113,0.596889823752,0.258386530237,0.217783215924,0.997525429028,0.384087777548,0.0458539151254,0.56348306644,0.0445610935223,0.727016094383,0.725326774881,0.965184782912,0.883922994147,0.173343823232,0.255529881073,0.22533182361,0.911533511299,0.875168664776,0.509574506055,0.258840521549,0.309812456146,0.723957999693,0.769926325688,0.676731389089,0.396753629799,0.375023018868,0.175191169126,0.960590201733,0.603567593897,0.804368341201,0.299934529298,0.488147398138,0.377777713068,0.971968879346,0.0561804313909,0.214636489856,0.893675860298,0.374940445393,0.809152963021;83 +0.752179998884,0.899175754281,0.413571962421,0.80705955856,0.813100126594,0.333510443694,0.336309468886,0.114042223036,0.0155521200634,0.419228550888,0.835980961519,0.316035763455,0.837932740546,0.59451092233,0.136718277407,0.0182280526135,0.238347441096,0.385355585299,0.186332176667,0.0225126418104,0.733070824931,0.238023909642,0.352940211727,0.0475674215362,0.605769676281,0.921801161894,0.613294182392,0.0769205921412,0.652320938836,0.00387250323494,0.34450282095,0.441668869769,0.966845339008,0.365984483728,0.0896844155957,0.292805370787,0.794776336068,0.971209999726,0.325875550814,0.724290595835,0.519151656331,0.899025416507,0.269264101368,0.589723859942,0.0923326220891,0.864946583932,0.633894945695,0.816182927638,0.642485760379,0.157456808191,0.512812634339,0.269902723876,0.529454076182,0.480798148434,0.523727029104,0.503968061476,0.0468527732902,0.319328570621,0.460825977623,0.134238120731,0.301015934556,0.97268573752,0.710875792454,0.29010773368;0.945910485297,0.332358943319,0.0526339778871,0.819045094359,0.633690911969,0.299414789795,0.467270978718,0.633196513505,0.381984870165,0.247838424188,0.627352639378,0.159319264842,0.425893311532,0.466280840499,0.0764692034637,0.506642287601,0.383086494689,0.176457445322,0.557065811577,0.361387674138,0.686058728487,0.150470229379,0.188044893684,0.909317361721,0.839836420414,0.525121036443,0.23876234342,0.840512360072,0.077130086645,0.555861034845,0.33030421417,0.0472119825668,0.942395639001,0.210849921982,0.507211812812,0.311232588548,0.273979379557,0.106863056325,0.428669368849,0.574820029518,0.741377137353,0.132735727149,0.568925931477,0.295681906621,0.696350963725,0.454990252919,0.881776347363,0.360136666098,0.170885351043,0.0724356484335,0.0702840880498,0.960983698272,0.115963580664,0.391643069973,0.155275962734,0.412338871595,0.712599286838,0.677050611782,0.893384725903,0.236237148547,0.822329705001,0.483707088766,0.276090095171,0.551633239417;0.242224125642,0.385229349562,0.758792374506,0.70814118871,0.11964924392,0.397382160333,0.462188023563,0.841262313215,0.520374012374,0.476258692132,0.160208867465,0.00220481461256,0.0261843382158,0.737693889294,0.832096479914,0.553538886139,0.0238413481512,0.436607002473,0.457640309088,0.731121087411,0.403849762291,0.421565821098,0.987771764172,0.713975183765,0.331375897515,0.599138868866,0.517068664495,0.828934077793,0.896172493046,0.769277340255,0.935024290875,0.946324536462,0.539595283384,0.314782818166,0.600527659726,0.340280983447,0.89237860468,0.362022866979,0.765315480074,0.943427377153,0.728484532116,0.330569824746,0.893266323691,0.312921375306,0.387732372889,0.48372389671,0.49784368097,0.231235096489,0.810125507779,0.685702613855,0.32813179469,0.549799040155,0.9551904507,0.505087890374,0.449979823167,0.240133302578,0.982060904742,0.214041343476,0.8025138464,0.568015653493,0.283985918067,0.801623917048,0.760748607135,0.0955570411202;57 +0.675461801177,0.638912381307,0.92920223109,0.701083276647,0.167427631916,0.931536209293,0.212870242142,0.187239311514,0.625574634169,0.239787178887,0.492521045563,0.44142500196,0.916300717509,0.674211084366,0.225081100467,0.926135901411,0.836943020208,0.484703116608,0.49614222155,0.60043973495,0.108276651126,0.465765991286,0.571638759576,0.303727878892,0.378490828045,0.818644752622,0.0605689933023,0.805837654319,0.26853967834,0.784619326652,0.0846003972957,0.665079495138,0.872597584439,0.570972909029,0.937984370653,0.132964904641,0.395088598417,0.0289778158154,0.915124822481,0.22255193772,0.264425077674,0.204085116102,0.359091774279,0.521937692464,0.624248396038,0.365400480675,0.021663110045,0.37160784603,0.382333964012,0.62199723372,0.99003214054,0.387346269015,0.415584736616,0.783863116384,0.785688825047,0.522232463073,0.228863662825,0.0841183760287,0.0507464058413,0.698533413151,0.0514606305294,0.305510599879,0.0236862962864,0.485584842056;0.449871082685,0.0283007337602,0.119143798494,0.895249833801,0.759694665018,0.959734805236,0.428465374466,0.258237402851,0.567687268338,0.141839064349,0.744162896332,0.210250009792,0.549318340917,0.504649264157,0.938658067721,0.426083456488,0.751142400979,0.749013943774,0.861638591816,0.435684452198,0.00261344188791,0.0400987117799,0.112722061415,0.442379910405,0.342881491574,0.0985181230393,0.154762292253,0.329681326794,0.546101631072,0.919017471417,0.977309266329,0.271117158986,0.542154235734,0.121868133177,0.247379848011,0.799251262974,0.787532949036,0.767572318938,0.0681696653265,0.644863625329,0.143474358601,0.727077763508,0.372828583706,0.328224316931,0.512837115286,0.870669281111,0.526406138252,0.0967781576462,0.549503273317,0.970041182678,0.265045803137,0.447503766842,0.670383909511,0.467722479774,0.852924582896,0.352206281751,0.320264606139,0.901815657241,0.168514856294,0.830615641939,0.604112214067,0.419710286405,0.154743320981,0.619664470169;0.354562204641,0.0495097958924,0.904084158826,0.0974279366498,0.337537777205,0.921433886696,0.130625608606,0.756547087669,0.550090731317,0.282275276093,0.613240521486,0.233586454719,0.825104627903,0.592250869505,0.614670923033,0.72067132982,0.457856961009,0.399888683659,0.262330765362,0.362417915222,0.745675574653,0.865751544286,0.284601142659,0.618385966188,0.603288718754,0.436703795419,0.797177835785,0.275466987893,0.728984881694,0.336128390933,0.201837200887,0.793618232732,0.620633275999,0.592456570913,0.866501984132,0.796455109433,0.593362034682,0.784074996678,0.948165981845,0.501554264455,0.486230679831,0.653202050853,0.999122424423,0.23314279961,0.908105717017,0.787249701437,0.725255395159,0.812511126509,0.513858689724,0.479500381602,0.74884478798,0.0473345652926,0.879127930114,0.704884382794,0.114373122105,0.589569049663,0.491329459083,0.0581726664085,0.0530542340913,0.718549520763,0.834269679567,0.345269609716,0.0237633598728,0.58420628553;58 +0.885104637768,0.733916414628,0.745982265403,0.917323555344,0.161813393625,0.547218384593,0.104500899919,0.00360707772157,0.873892094127,0.544434269625,0.0187228156286,0.0216661524426,0.0203613723733,0.81262915664,0.515253804517,0.223610127177,0.260944770337,0.22179453547,0.0391882980319,0.0120013298712,0.424136140117,0.202456829009,0.0828588031904,0.217567296566,0.92481893,0.705868168708,0.700829754722,0.591214151467,0.523405785383,0.468155859448,0.924681111788,0.707659217514,0.586829615224,0.242431634869,0.277469627407,0.787613100061,0.978506610092,0.770975419354,0.440643858225,0.123954893855,0.298133862776,0.0361276870465,0.839846281905,0.431252919094,0.716914301407,0.628177235231,0.550142934571,0.301255505548,0.738381923078,0.537615235082,0.147646906235,0.660353769795,0.658858980595,0.952875353372,0.865473237306,0.836965278275,0.392552057781,0.446929400878,0.957229611089,0.359051649238,0.868893230547,0.377972579085,0.361711626862,0.923910363576;0.243346716094,0.986980460567,0.600371415497,0.0970489416573,0.119325601299,0.736314267418,0.122462800645,0.904483294245,0.312378562618,0.541060225512,0.21500430204,0.915793206946,0.488771685218,0.66165670939,0.645333687574,0.994124836579,0.522068602195,0.0198573936463,0.828847529258,0.0428229974789,0.483191831731,0.916101857424,0.786575294556,0.207573558342,0.016640839956,0.506567952718,0.73802009298,0.392229332562,0.625661008786,0.473415517452,0.150034174525,0.54444287067,0.883641125053,0.663083279417,0.664861975868,0.445981098542,0.0687562120995,0.653927712366,0.0728767055629,0.580191651333,0.666051166656,0.419054297526,0.168993994257,0.818084368378,0.0279949398527,0.586967362712,0.719115419673,0.140277856513,0.709031764065,0.3576642573,0.6763205079,0.22917474251,0.455062249658,0.1826929346,0.616849167633,0.157752588779,0.672146695758,0.262710360875,0.763831127163,0.73991159125,0.0523918175302,0.756442442539,0.552210780111,0.313555821809;0.113103114218,0.193683631023,0.474195339552,0.292982043103,0.56299383318,0.891146910506,0.635391983346,0.608299320777,0.131104446144,0.604091647391,0.693303394431,0.511076874677,0.763090270768,0.0112243457502,0.317950716002,0.538079164538,0.361893372616,0.5727836965,0.0582572855052,0.787980049438,0.673878882698,0.770294586839,0.706757589134,0.749756398726,0.146014736725,0.357164389183,0.0881428223989,0.621768126978,0.779673340259,0.684260515883,0.944568710572,0.731725453127,0.434686171236,0.359221361284,0.958226075119,0.916863815549,0.860629887337,0.552169207415,0.138417902372,0.838041622066,0.050276483404,0.0245850389525,0.450268129308,0.727099731245,0.63252332804,0.564562811141,0.134857767532,0.84802084724,0.379815875733,0.211944400023,0.271155050052,0.941993701971,0.450624578628,0.39234996741,0.224338361626,0.784509341638,0.656908971087,0.901425179116,0.609569251891,0.978945018748,0.36956615639,0.571753549194,0.346166267182,0.442907068882;51 +0.971079108112,0.363846216817,0.4076497307,0.468036302071,0.780612286504,0.513153698246,0.846863752048,0.563761562714,0.3380715045,0.919662162541,0.893458747311,0.289998697849,0.752711851803,0.347804149586,0.846863191559,0.506493018883,0.246840206942,0.795495615988,0.18161594095,0.599571887909,0.193744721019,0.147254725086,0.991977019045,0.0694481712941,0.237656997459,0.630988112032,0.80082074094,0.782113320287,0.381077424011,0.567938888848,0.498605733255,0.723836332505,0.69633682746,0.621661093969,0.489337610913,0.658241126462,0.444706314211,0.392917172895,0.417771396268,0.380407739221,0.390364541905,0.109271829764,0.888125628266,0.590916339856,0.963934367126,0.606532357539,0.149216572556,0.279992326354,0.893330081328,0.180702662188,0.998075329989,0.224528641593,0.968167433233,0.49942337865,0.951069071003,0.551116898805,0.846933464727,0.790905698727,0.229444437297,0.844191211865,0.348674163797,0.0970900523382,0.689813180398,0.187328049741;0.393141920376,0.619079773746,0.872180732318,0.732769887815,0.38839464402,0.853311271615,0.718018219468,0.840449064105,0.774459443634,0.633344323432,0.1653257165,0.513206579609,0.267016801016,0.474065360473,0.980465039161,0.220932710329,0.375274237412,0.513889283394,0.524459397782,0.449797163784,0.0831049166012,0.780629198356,0.0289836305532,0.237436596052,0.395201498969,0.388748733375,0.323374164231,0.488601752473,0.927294354435,0.298602338688,0.27986383081,0.56669045232,0.662086786891,0.906297408605,0.812759606326,0.369045239987,0.367204669739,0.247962732548,0.572706730056,0.938667615058,0.61595980582,0.14306383416,0.0868278174999,0.681856379597,0.860001302363,0.609006685214,0.0379018736336,0.526510716308,0.0875340887398,0.133152718838,0.260797015384,0.494656464536,0.692770146058,0.514064789423,0.559598103375,0.710651135822,0.414351483884,0.139698148564,0.786405247328,0.739214760049,0.256129809157,0.374005062764,0.329966264997,0.818353307222;0.301539323016,0.93286320291,0.597541461184,0.385624548335,0.96665676191,0.774609293636,0.0949820506032,0.597224666659,0.501110419409,0.838378767937,0.580546716115,0.147364892411,0.382087926337,0.70797112871,0.617587710497,0.718784640367,0.523891016482,0.576437026435,0.46625284672,0.852743461946,0.38212270133,0.176470537599,0.479937573992,0.922110969267,0.367113604872,0.0174203936047,0.0879602546462,0.447779213413,0.381998287033,0.550909457405,0.849035381933,0.0648977432647,0.233312043991,0.49899572284,0.708826044289,0.974895799046,0.978456133991,0.78845112976,0.293914640434,0.0574069463686,0.446080238312,0.108525370422,0.847493615384,0.894512767092,0.112393156244,0.121086968165,0.398570008042,0.419743243113,0.390141552881,0.41298976544,0.77858625738,0.915949345834,0.579616516872,0.549975232376,0.667030487021,0.074653002863,0.616449194287,0.211519123643,0.328514893176,0.922795963582,0.0708467042381,0.529291583833,0.0162518431095,0.127623104548;76 +0.398138966538,0.827531949447,0.110417036363,0.178428952018,0.773243390722,0.517141981208,0.180060417075,0.926595223912,0.764087306431,0.168736804449,0.143920507441,0.75124892494,0.575158454903,0.455446014619,0.656618959778,0.244295104078,0.952235052986,0.375656093695,0.975438786532,0.0509991775325,0.184478507691,0.191280497423,0.30740338972,0.479841391711,0.84655575174,0.869085068789,0.942642424792,0.880489594677,0.154268823447,0.362911515078,0.182903343407,0.527775020549,0.368598787313,0.0426663542389,0.972356992491,0.136922678827,0.105838689703,0.0775474875629,0.723467439127,0.0242684511184,0.279095061574,0.397478954572,0.590433507067,0.248171172506,0.172803965821,0.796317898086,0.408553657206,0.932429437322,0.914965437576,0.617358426901,0.937538866769,0.108580943298,0.769527082794,0.234543010084,0.197543065523,0.846628629869,0.343091195276,0.67939288792,0.949251048149,0.610600308594,0.722166477791,0.412403290486,0.673586227428,0.990290876094;0.60432819955,0.943564871279,0.377298564475,0.42533807707,0.512059762873,0.863679055689,0.78414640559,0.108108765325,0.490221236899,0.407141683897,0.746846149792,0.297581573676,0.354611008269,0.504651023468,0.907457198632,0.821915247109,0.938332987415,0.157884055852,0.57859539226,0.277421788329,0.273631843906,0.182208344968,0.677641058682,0.11850079911,0.801926549221,0.883603717742,0.424696741309,0.661128223226,0.680035868737,0.702586033217,0.618557143232,0.494501532776,0.923098570345,0.525698140111,0.0463509997502,0.832023072163,0.638005647084,0.126562974214,0.512621940696,0.289992007989,0.269972230115,0.919755331314,0.601598378522,0.469878845846,0.824068635118,0.363481500979,0.655843013144,0.486240208587,0.700510077627,0.242524604921,0.202571297168,0.86331832146,0.152916629418,0.913061064052,0.62679227221,0.502507247382,0.150324436313,0.641350234503,0.661050618772,0.336042317012,0.523155797616,0.0242852681666,0.977033168626,0.466834702952;0.406512754068,0.955849915182,0.8720984811,0.455960266787,0.763251533786,0.350825867599,0.498200919164,0.919809278067,0.0382925444338,0.218908574406,0.960620343967,0.692831829159,0.282076631586,0.905181973988,0.31735410484,0.576501417229,0.184623484718,0.779586543305,0.458806228013,0.713450132276,0.685073283906,0.269361992216,0.912562920171,0.991628606203,0.512621616429,0.356972742908,0.726285605507,0.794264496198,0.389792818201,0.41929309406,0.388649055288,0.949513278485,0.530241534187,0.660009095971,0.0716856053525,0.693322123035,0.588585282708,0.546202144675,0.105292849572,0.212205525876,0.955613259602,0.773495108707,0.873625282772,0.0141148235833,0.577064528648,0.0226082680588,0.316347597459,0.193052566238,0.0610016116179,0.572792902924,0.606736872132,0.479580211418,0.29206904347,0.684305728815,0.77375014238,0.888547663657,0.935220417436,0.570144825337,0.639066113032,0.50253672053,0.0924931271737,0.190641035702,0.69289083642,0.221985167367;44 +0.986842380974,0.790243708535,0.0685015175467,0.932893479302,0.154592811765,0.759628055818,0.246871180815,0.81160197942,0.951671633905,0.161711213525,0.732219396637,0.242914283187,0.0128552615257,0.902685628196,0.77915231282,0.77139365319,0.0326209466661,0.288430449962,0.284039468282,0.156976985409,0.305943603335,0.342054623771,0.480845215614,0.974711848855,0.689831042656,0.456666977537,0.348193174588,0.36385619404,0.576782289272,0.645262038293,0.192564436679,0.981529511861,0.226746631758,0.778150999422,0.151686780626,0.647705195549,0.222030150551,0.0415603258269,0.485999198281,0.0306617622035,0.889143504809,0.808312916158,0.709170921778,0.755690335873,0.565627912323,0.384423446545,0.249186323877,0.690650167728,0.663873065097,0.71995497274,0.935057428774,0.503298829429,0.88414720531,0.83339335293,0.591454983816,0.379114704783,0.425428251844,0.933806720139,0.589968658716,0.611519783562,0.855175513247,0.83737490811,0.76049764911,0.680777694245;0.880878187575,0.431364499992,0.451782789067,0.604389654795,0.956840601786,0.131464702417,0.959809442649,0.205717898099,0.324604382949,0.960451791942,0.157666738603,0.90148326105,0.458231269383,0.631331030392,0.158655405954,0.386881546293,0.319863210957,0.104723192323,0.718355329264,0.0831105387122,0.856656657507,0.848134215077,0.581628692587,0.584720814244,0.900453196155,0.843814952451,0.54512379075,0.260999039694,0.0399254497578,0.752559643322,0.677258043744,0.354943107403,0.915065191182,0.29187661194,0.0592223746729,0.481458340042,0.0144198798917,0.734727622708,0.968755802243,0.305360536925,0.55605531341,0.17631817705,0.0249161757963,0.0549707727079,0.332599995538,0.479829104843,0.264935349375,0.486129008365,0.691656738974,0.791234666401,0.817112311081,0.784360189033,0.606741349045,0.0816611525328,0.652863547787,0.0710861983353,0.328684539712,0.48289037988,0.837801750686,0.2451793043,0.0840728756733,0.739139270974,0.560310797471,0.475787403598;0.966762551814,0.103543004762,0.601511119828,0.948724351465,0.0825284007203,0.0552201584879,0.349295119493,0.524505112092,0.867131815588,0.166321323263,0.229304273334,0.0661582636993,0.105652454526,0.820732221904,0.523619689096,0.869710271152,0.784125907496,0.663912154148,0.700930062723,0.218263474154,0.712854211749,0.862012885148,0.0524672005998,0.590828950475,0.681860623445,0.412364870214,0.341240040649,0.166947767904,0.689630469967,0.699895295697,0.342483912502,0.942193376931,0.916989803131,0.37515033614,0.22062177624,0.568126697922,0.139738738709,0.881584291038,0.651044119891,0.00487363600338,0.0585217707486,0.833791658724,0.163736714061,0.00749086984232,0.180749405501,0.00363796577109,0.950753476196,0.674279688473,0.168378332857,0.787348324333,0.432111359423,0.942353023583,0.930175127115,0.686635546258,0.692601505802,0.331793963963,0.208778547712,0.204232392768,0.5766196742,0.19780149763,0.781846831218,0.848927179752,0.426781699142,0.755800113249;69 +0.402367537902,0.630220065584,0.974847581639,0.0771961620262,0.397327474018,0.170520949295,0.833464304516,0.15353813835,0.676494315332,0.0950038604526,0.0750038237579,0.903349360546,0.339001909581,0.731397581517,0.753640564276,0.591984489273,0.545156710704,0.714527699125,0.331135202764,0.595181327116,0.578055762103,0.371270101947,0.366281843059,0.149770261997,0.681116318481,0.00714132411246,0.980238689821,0.748711570403,0.903460314819,0.78824365536,0.899843630929,0.102351299081,0.749190055214,0.947948637511,0.983886093873,0.124948578636,0.306854951155,0.263503292189,0.271711418356,0.855095539126,0.954591569794,0.0936330200512,0.545364171028,0.358318732595,0.63378278927,0.0269679527616,0.482437490942,0.316916188834,0.0570454285008,0.915098144307,0.222320207444,0.569002632218,0.581493715279,0.273802176044,0.378605584504,0.307095066213,0.341317172712,0.992427213248,0.161890853503,0.282106336366,0.639172073774,0.610562766246,0.304862800936,0.0507524177841;0.0933370694334,0.554412549316,0.71888186911,0.0542092507839,0.18348135616,0.525808750437,0.61648373376,0.466623847996,0.605251170608,0.471099946798,0.0931947683065,0.108780838897,0.575971386597,0.701147074225,0.504893198515,0.764400882579,0.596742077787,0.892360527389,0.697469546561,0.577458422736,0.0888710524355,0.130595909079,0.564271135049,0.750305303444,0.564450886424,0.308930259368,0.0464895874766,0.924464405514,0.318349341206,0.256397347045,0.411997969895,0.824314477602,0.560505954382,0.876312006006,0.961160126869,0.114150883536,0.0159416534442,0.706526051502,0.702135459967,0.303627572174,0.399699720961,0.183406689397,0.0557917962406,0.0768944786311,0.453041888623,0.491684541558,0.47049784791,0.00811907141401,0.697196865065,0.768622379686,0.903884164143,0.0189098008852,0.967387812799,0.586174988736,0.77026970738,0.917541860438,0.932913968393,0.361032535383,0.935730581938,0.324813203935,0.395981322576,0.136322818828,0.859057965907,0.743168732578;0.504954939639,0.79392093707,0.0956048086388,0.701507122452,0.470789022922,0.834385827517,0.647888227919,0.787883213926,0.332106981853,0.0672981402735,0.261748245466,0.299309508556,0.45331039873,0.624124020611,0.131023940334,0.969660745584,0.980726042691,0.106830288169,0.363525845913,0.0687372115483,0.231999521969,0.702190899223,0.134708411319,0.221800424221,0.769867993968,0.512846562653,0.861765743533,0.177384415008,0.221051209851,0.0631879969323,0.38466245529,0.499368462711,0.357623786585,0.0824595661242,0.873652085664,0.879668883563,0.450915609341,0.330091898806,0.143343539413,0.179734927664,0.115483625284,0.99727413205,0.16817177869,0.448928257841,0.060026778009,0.676323059554,0.198628089475,0.705027968302,0.668602223851,0.997155759797,0.407856120622,0.402140188539,0.385867350429,0.862802266428,0.588902896083,0.0954730461845,0.1954494361,0.266513950142,0.000397252699821,0.496307051119,0.493945520274,0.0350475886834,0.609319965699,0.105065877984;32 +0.846343621085,0.0239302540811,0.905057499617,0.991201321441,0.574563000615,0.563534337755,0.523778808739,0.499597029091,0.0574736160751,0.441388886321,0.897548688242,0.0710863635764,0.519395167008,0.384229939464,0.0226261174217,0.595015130862,0.934604826917,0.126355315725,0.436418719994,0.539549313055,0.908137924618,0.268792209456,0.809195040173,0.622385887866,0.30434503569,0.0836247133636,0.65787789566,0.180976891984,0.39588074364,0.835669608022,0.845877902108,0.669099788569,0.324061754644,0.810581244187,0.434038784216,0.243393046542,0.257533950023,0.962677746584,0.987345229396,0.168792154874,0.0620469596757,0.0964919493857,0.541808127513,0.424728745599,0.811085474774,0.910654733395,0.302108867647,0.362678292992,0.386967408891,0.246523588083,0.442933546778,0.652323830754,0.634563395161,0.68648412363,0.133741949591,0.551081801512,0.465624776101,0.0481817010908,0.970368465235,0.536816706882,0.511931047499,0.421412600996,0.504134221521,0.786047612537;0.291888083638,0.0808799079413,0.6157853047,0.751094430085,0.0189263164736,0.319112245111,0.587451970531,0.24176446217,0.770532556522,0.149029769464,0.87960091546,0.000924374932137,0.459529647368,0.16759138996,0.633539797741,0.692636888339,0.785154376366,0.0836404005213,0.383272986963,0.0434870889386,0.34173965879,0.346044201539,0.294752096445,0.165280466729,0.511370933428,0.752916961903,0.985528590463,0.16176348016,0.623105253156,0.227299601284,0.515894378991,0.162029274483,0.802545411337,0.0967332053979,0.574626798975,0.657501097584,0.712494231326,0.0792270080955,0.688891004931,0.0282750072696,0.726918683002,0.436115353113,0.933510664908,0.840212048522,0.562505031291,0.641808356849,0.639888350343,0.0960708943976,0.983301846281,0.93241971175,0.00527382370831,0.987114076356,0.549958767871,0.96305872605,0.889816077019,0.772223217872,0.382025558217,0.429584440275,0.169157856782,0.250278015442,0.176405813125,0.551296155515,0.546226994658,0.358859103332;0.110283887943,0.511712758146,0.187397618808,0.959923658625,0.150373422593,0.723874053371,0.57804036396,0.165217985841,0.502031258181,0.836101777617,0.563254128243,0.375659700207,0.208105880607,0.200003210516,0.621134246238,0.607340423903,0.31568178984,0.872344569876,0.228881432404,0.539616354934,0.784321051345,0.986222574786,0.0979122830986,0.725349554688,0.735576596383,0.198197339413,0.859069863609,0.0638188348717,0.711574246609,0.60225157082,0.745313421685,0.857369028365,0.220517913473,0.523070968718,0.509352796861,0.571902166033,0.859839216027,0.637329493412,0.453163463705,0.934935430737,0.842023411147,0.804685245601,0.880689867507,0.313176473048,0.267231189152,0.971892260911,0.0110910556892,0.732188935958,0.301375308401,0.779567141506,0.0173300681568,0.192155565947,0.0955292188219,0.642246888951,0.169995085744,0.305375737465,0.610146248717,0.62492738017,0.730677311035,0.282250895286,0.198588419739,0.0469969255079,0.261876068006,0.958381884634;25 +0.145234693434,0.0672665263389,0.206206943439,0.904233289043,0.635557980377,0.626743214559,0.396346880257,0.210863845722,0.32157612287,0.129880778585,0.565837567834,0.533922203765,0.155604387995,0.0901726163306,0.572209342145,0.619116000229,0.903673289897,0.0641288378251,0.0680413775504,0.836127110751,0.0818140931168,0.804560633363,0.383032032042,0.63737237786,0.974393946214,0.808750017568,0.429684192874,0.0086731687488,0.0980706956752,0.551164803561,0.581681833323,0.813682376311,0.692995604163,0.359606862191,0.465648194349,0.714012554496,0.520109562904,0.392909088129,0.485319380391,0.910760951194,0.47043472493,0.987053123411,0.806678356537,0.757401972275,0.243519914062,0.233366206773,0.0569478872027,0.378565924204,0.117016563307,0.823993722974,0.301231846666,0.171261110286,0.407442183236,0.81298138318,0.137807577825,0.238332267672,0.675485002552,0.802619847928,0.788897300716,0.319293877545,0.112178341652,0.915686670107,0.841475500619,0.438800016276;0.41124920336,0.162774949834,0.551710994258,0.267974389821,0.518916012526,0.632915936418,0.483537541499,0.562698640894,0.245948160606,0.441734760763,0.833238784517,0.557229511748,0.373112582915,0.636561182999,0.620716931246,0.66581768589,0.571870471596,0.757246083843,0.0410142964482,0.367818884785,0.88683492341,0.257491585515,0.79083795331,0.418780991229,0.643985918831,0.977024536066,0.253070172785,0.000711849975608,0.527196884546,0.742346559305,0.499787183205,0.567519359116,0.495123975192,0.220244604934,0.323756589658,0.901434287896,0.738886215102,0.924938426235,0.15103378035,0.452729354201,0.745609545905,0.15262320795,0.591659875852,0.345854057376,0.284853256575,0.419205269899,0.822958275935,0.777205264681,0.588791812118,0.056481910667,0.891170030926,0.503755277847,0.937358349189,0.322582529823,0.806048539922,0.870207104923,0.353058655325,0.836282173509,0.383989459662,0.631125066242,0.892257818682,0.509720584536,0.0192049666182,0.672641285468;0.80856791128,0.305010088518,0.143476718822,0.884233230644,0.906918827242,0.294275657749,0.348211331875,0.454723180986,0.408964439743,0.720251192724,0.843895200073,0.907817477247,0.836801590892,0.916542641589,0.408243665901,0.641154609731,0.487743178053,0.253636439245,0.289987740258,0.0906910056373,0.263041056832,0.446077918034,0.714948570313,0.328572063574,0.689532795738,0.626655411047,0.215488934864,0.315409881184,0.0856367719851,0.866994809251,0.640553429502,0.346644633218,0.117058000086,0.379070892155,0.281668665789,0.514476448057,0.416813870507,0.21152931609,0.0133544573834,0.291007124769,0.755355879657,0.762218798248,0.939782997269,0.801478087667,0.258974349917,0.97480601412,0.65345472442,0.479701791337,0.541623847183,0.378396371607,0.910277689413,0.979380087906,0.294610394233,0.111392984634,0.639010002871,0.744575345161,0.242586094469,0.202277401021,0.921475781959,0.14466679036,0.954176382719,0.838631814234,0.744055635112,0.716935202931;67 +0.96296916713,0.699860289686,0.377247122242,0.150002427437,0.167300834578,0.0222508723305,0.952465047201,0.383270765722,0.390264435735,0.150536358435,0.120648122012,0.437138045994,0.663506012856,0.36662691687,0.446003667086,0.624713467769,0.89671994747,0.457421661936,0.486534593621,0.0400394316486,0.54881154793,0.958841726329,0.191749629679,0.917338056405,0.480435993894,0.967364384728,0.400222565288,0.849438344853,0.693289635485,0.981744304561,0.126151426769,0.666476709242,0.464174859753,0.13264428363,0.415056740862,0.657159056765,0.294500827342,0.890038959046,0.83775478485,0.435528793442,0.0703530313497,0.582283230298,0.483686978633,0.407572719581,0.752541606513,0.0342052944473,0.46989771035,0.149993113735,0.523330964174,0.169018915328,0.530015791963,0.749159767976,0.150895067192,0.802245165887,0.322866348278,0.560785914049,0.817029777447,0.458764034335,0.243792344369,0.939148386899,0.54404947355,0.954521797686,0.0881881968425,0.418084511316;0.525243640985,0.262547054665,0.196459183811,0.660681667254,0.70226227675,0.820056826531,0.913461294284,0.628478934052,0.164338575351,0.403676182272,0.363256466016,0.441891415392,0.928553606548,0.313751163508,0.0887320795519,0.991600651529,0.524366016412,0.903813519288,0.563828431831,0.349500728813,0.568325133712,0.894717241751,0.480028384942,0.717633476138,0.748809685403,0.351914993941,0.693384403537,0.972296962567,0.679477645002,0.178291826843,0.87755483279,0.684232402737,0.32813657513,0.429307283745,0.543056735939,0.287920353913,0.140388158638,0.729827667904,0.288543301269,0.711839122095,0.30250497242,0.305016021904,0.964019404799,0.915320438649,0.524413012316,0.766113370032,0.770233536169,0.95324432306,0.0770207881784,0.892260397863,0.929602723227,0.894614336926,0.62457245275,0.106157357743,0.471068396672,0.830048227345,0.793523405203,0.975084187086,0.192014926633,0.618961999312,0.106945217331,0.955517227085,0.828459950498,0.851895174105;0.815202922173,0.731824390259,0.0564063466144,0.626924259587,0.549659415142,0.246227101474,0.253340797587,0.406127950041,0.794962309558,0.432949870545,0.124558419092,0.800373431318,0.692114236302,0.518294870264,0.534036083657,0.406898520365,0.675113853902,0.734572761441,0.0794714827533,0.688944424131,0.444873341321,0.710317900256,0.82503217315,0.655630448731,0.321863382398,0.457961114898,0.205816748428,0.684760754198,0.899648078893,0.916939094359,0.355838647162,0.860794172996,0.741934907646,0.881551042576,0.890682420103,0.983114841204,0.714388351977,0.465931244812,0.637146921276,0.549569563156,0.354949223509,0.785563097542,0.00105129799751,0.911797460504,0.0117580869943,0.742558675636,0.676191150624,0.719399945571,0.491602474587,0.0875636739947,0.233615373628,0.477935625463,0.57948177876,0.599633845053,0.500450343824,0.635069347432,0.36052580793,0.640800455573,0.488978396253,0.9155352068,0.669564471314,0.403839670389,0.412784453952,0.0472417538711;55 +0.104749311026,0.800096820431,0.883934778013,0.146585855093,0.725587520399,0.831138493361,0.754490685544,0.101743729332,0.0221888657563,0.207073951261,0.941167684702,0.492794914269,0.998261058534,0.353954549642,0.880293120431,0.525033525229,0.727901278154,0.249061151392,0.738561541432,0.378482897113,0.757947614878,0.694784318861,0.93722885693,0.906815518218,0.694456109498,0.126668587938,0.606871192333,0.631860879191,0.573211490688,0.414253563434,0.451237281238,0.0173660432161,0.787095275602,0.370794122088,0.295734774164,0.855601680942,0.779255129466,0.488808372744,0.201193935497,0.221711241479,0.760370324308,0.911459843935,0.218308054101,0.720045410114,0.197307122401,0.272835850397,0.543581184349,0.671269530767,0.035599356266,0.501325915033,0.932848595099,0.993903962182,0.8026688762,0.601576083187,0.415091543019,0.484592384494,0.202102386238,0.13575634784,0.707923485155,0.713451545434,0.793519567137,0.75117567754,0.726179615569,0.656489317156;0.465192433733,0.627954895521,0.121868523271,0.94675318267,0.971179024989,0.963206783139,0.653612096261,0.46628102107,0.817248922643,0.0830532610613,0.358276090318,0.698496939646,0.994551434031,0.87965402046,0.891322517172,0.399939118388,0.672418768779,0.715070571273,0.587167616068,0.875888880336,0.827745712888,0.216191455496,0.0813570052247,0.249625018762,0.711192367526,0.745314463099,0.0135776498817,0.165192284849,0.846494586477,0.265757691461,0.958735818425,0.958694416589,0.826257939937,0.331490096923,0.314009440592,0.401516154774,0.601975868721,0.582165363228,0.0658509754823,0.659516948404,0.00586879494304,0.165113051758,0.682532770257,0.721501967961,0.417202635178,0.860765488023,0.516873596004,0.433723458785,0.234561387272,0.223033983778,0.266819572272,0.833651299553,0.0668892039607,0.410580305577,0.427869072374,0.682340433286,0.567681276601,0.444290492608,0.853371103295,0.621923833527,0.434215489521,0.0703508580065,0.206069835213,0.782923910263;0.178749853852,0.505008074878,0.714149605504,0.933399022594,0.226486145638,0.996396289787,0.433433704612,0.0988953016197,0.0212158641824,0.600263835683,0.532755205559,0.76255947075,0.276255587061,0.9630665724,0.373542549573,0.598106178969,0.45974894163,0.224126684681,0.0513630565703,0.957243146018,0.356537036216,0.547550327556,0.991986496684,0.852244129429,0.134737131449,0.939743629797,0.365640072042,0.714821169837,0.946833148644,0.414969056618,0.669320735427,0.0688839489465,0.222738682636,0.991621716296,0.644952482616,0.339135004986,0.861974078556,0.493781005756,0.894082131886,0.980806663319,0.0738135013748,0.335929638616,0.161661252783,0.945046867408,0.829254726681,0.551966159058,0.276861430684,0.31314489055,0.211698049516,0.644613700053,0.756872728507,0.376418059561,0.128301038216,0.656287501343,0.660877421057,0.891478332737,0.452303227709,0.865580594305,0.137636798163,0.068219427444,0.250467803144,0.420625915922,0.784491636097,0.298044180466;70 +0.129302119684,0.204338813001,0.66763057801,0.263479782943,0.24446363032,0.433091151364,0.128689219622,0.334950799326,0.760680543278,0.485454696513,0.570989225165,0.763102419503,0.485626989204,0.369572536097,0.827965387138,0.866904984237,0.613337887328,0.969890830017,0.871252922306,0.42821318162,0.998394319549,0.176002301363,0.193428735829,0.757770000792,0.997239552334,0.642963901173,0.938968994247,0.978221846091,0.905306128109,0.998133190219,0.135506356079,0.530632446478,0.185264367397,0.749195598101,0.344369539523,0.385702485839,0.00322672415572,0.609835241192,0.950154687264,0.8413430884,0.564388465134,0.195644874306,0.786602579456,0.816856876671,0.451509926511,0.0824816286059,0.411098565706,0.970640163236,0.737065037086,0.714439082176,0.0378177106305,0.453742670243,0.367489564663,0.554016031949,0.475563563989,0.922438954555,0.00685903888209,0.278395821927,0.794738062364,0.146100603816,0.926947709812,0.697331593777,0.704330270148,0.0690369271049;0.697524860847,0.780654500943,0.353183971195,0.384989336168,0.276202081965,0.852138100452,0.677816333872,0.417780460919,0.787571572552,0.260920880646,0.912178519567,0.655468215566,0.411050854106,0.639014496212,0.645825363678,0.12601255946,0.703184382924,0.0401002683818,0.65867746137,0.3165732242,0.366543777333,0.418176646148,0.550387383683,0.16161396594,0.838804468283,0.456111696887,0.171072226255,0.708677019411,0.701702841252,0.0838221420078,0.63078373384,0.501294512709,0.798588084239,0.622356802033,0.520346792171,0.14797122099,0.377131723605,0.630424140426,0.656328129728,0.243659237618,0.903126965435,0.283937577251,0.256522307975,0.539428945607,0.0739191835228,0.421944809399,0.0741231083709,0.0665303603542,0.826183458323,0.342087868163,0.148646389048,0.697789903223,0.199947649355,0.721530707459,0.217432077053,0.122924719267,0.704241716001,0.593135341171,0.798527345427,0.315031495743,0.0163826912643,0.614473401399,0.462364658938,0.607639157574;0.649584398523,0.746212306715,0.239516507512,0.387103993679,0.931912702066,0.786038781319,0.238612156697,0.949919276086,0.670959096686,0.912427534575,0.637935260202,0.266388994088,0.241478023509,0.257422060714,0.588478828151,0.392222914277,0.428342122309,0.53772180944,0.699266862981,0.287618272497,0.894782438048,0.797574025976,0.781301032295,0.528660381738,0.795109593021,0.235623914478,0.923635879528,0.118390058617,0.0994661513864,0.515783382332,0.606967972093,0.664162191246,0.13724955173,0.453889328416,0.72969603524,0.659762713649,0.996639494296,0.0972610090574,0.899722068373,0.944014141131,0.720543070123,0.951910023131,0.0977682313112,0.491658072897,0.373195357413,0.67590352707,0.676435162511,0.434743546473,0.566051746757,0.339566666202,0.878495856754,0.0886180423239,0.428428692745,0.218115765436,0.957344209136,0.244463042644,0.848300561401,0.975705274183,0.404741798992,0.447769019864,0.713421285501,0.782591868881,0.458764248093,0.658202624236;14 +0.653683333377,0.408984941082,0.637828955496,0.545139075464,0.25649194348,0.997655613254,0.787240854181,0.68029557567,0.0870864518655,0.140981496717,0.286276157486,0.626838333914,0.105883118433,0.43640745538,0.647838696856,0.954684194951,0.61884663323,0.250235399045,0.825901516765,0.213325741015,0.101178603767,0.475305039826,0.216990955933,0.187160598694,0.123726061833,0.81895389635,0.837563925226,0.594644830986,0.458808939106,0.590926593333,0.155653811134,0.901159841011,0.555251913949,0.787192782144,0.672241138803,0.451114542309,0.554427079064,0.28372418803,0.948878901988,0.246221968282,0.385388368731,0.21240847802,0.874723364303,0.504463330082,0.191344317202,0.832513893948,0.05166309419,0.172996683973,0.804510900451,0.206793265923,0.995947239606,0.875185254074,0.913623228306,0.923864831814,0.554294979394,0.0717803846796,0.78263230562,0.998879654455,0.856913515423,0.48527726371,0.00701121845481,0.85598090636,0.539980027765,0.106394358608;0.181160535805,0.126217668423,0.325257478485,0.530496020136,0.724584782346,0.527537525981,0.819160721461,0.987885112806,0.00478658607185,0.112924195356,0.657939841661,0.069457909752,0.808351448695,0.403920178018,0.549006693144,0.729894478741,0.0498104310066,0.123174602728,0.590905205772,0.134108516729,0.639630058133,0.508906781053,0.801338546242,0.155583354038,0.711105346379,0.548831320709,0.785644872046,0.0247943209254,0.899842229488,0.841724066078,0.396618702653,0.725194563494,0.191791972865,0.93572569901,0.632255312308,0.0768597227323,0.539879857991,0.4449283579,0.74843545894,0.0190118097045,0.0831402223035,0.152487361936,0.794160411878,0.908672789064,0.846820019812,0.321427812244,0.942306224053,0.0868855217674,0.920899189344,0.0242227255605,0.185162705333,0.360257203174,0.503626798229,0.7179803547,0.556579579508,0.18568156377,0.222177522135,0.195369788345,0.392028855878,0.737780406301,0.59867375967,0.955853371984,0.479275475829,0.554863738517;0.218457994255,0.369844021811,0.90663252395,0.835298596678,0.318967612851,0.270995855398,0.24885976587,0.4084217067,0.0206992261844,0.554160334748,0.290304386862,0.560641674124,0.492378286494,0.230880586924,0.760463474562,0.00727168975606,0.41169553942,0.233920024632,0.41883897813,0.377780085987,0.285826425165,0.0580185729867,0.260824655927,0.609978937299,0.852728526943,0.335948478226,0.197674618283,0.0553247759426,0.386249135238,0.77998903278,0.92757650983,0.965801509986,0.827776861695,0.607703727022,0.464331365658,0.908167802473,0.348239060959,0.902173945,0.568693583723,0.89779938451,0.358764812596,0.0528078971434,0.0249026595064,0.673848628574,0.249288281132,0.353569978216,0.647019718341,0.996964259137,0.322060339975,0.831772768922,0.940101587789,0.637954358277,0.280215744455,0.963659529828,0.917202199091,0.816572689826,0.149321308877,0.970409028372,0.915787514827,0.154591939011,0.951881376547,0.0318219394458,0.921823836067,0.977424255114;87 +0.359844309683,0.380800708111,0.726514319113,0.150935814859,0.0782340415681,0.341997398965,0.135420984057,0.138399149595,0.348425162764,0.426935164144,0.316122149793,0.858006352285,0.702915788937,0.975311115607,0.944290199006,0.225230159954,0.575546802473,0.838952462229,0.772310078095,0.478514558082,0.194031178299,0.860565577037,0.261250745993,0.879212688159,0.531733825196,0.164292740341,0.915094883321,0.595712302077,0.221842695879,0.267607241597,0.621409451239,0.715897884333,0.151066189577,0.743580135382,0.0940387027823,0.0562125138085,0.836313640895,0.425509039247,0.290880144233,0.401276064162,0.461555286998,0.198238984086,0.993888345346,0.0767002017805,0.310500984636,0.0871287513663,0.0320693018766,0.746082578793,0.512911225127,0.0164011450594,0.536256876235,0.665435022147,0.186754971352,0.62576331149,0.0872503943948,0.0666269457455,0.340402161487,0.448790898752,0.82802917833,0.950322914311,0.14190414709,0.0905963692209,0.518957357704,0.85725124065;0.300812629836,0.30023102078,0.566953944501,0.258976456534,0.445587788219,0.593213992706,0.289628462324,0.841032080205,0.664106718478,0.721655528802,0.209663239556,0.587284394256,0.266777193751,0.0331805045334,0.723516389117,0.509301982824,0.188911058237,0.476458658113,0.723444565819,0.761151760551,0.351311158118,0.328767981603,0.164638169119,0.143518836557,0.21454336659,0.82129381045,0.944031515792,0.203386867649,0.0761811187379,0.679199140862,0.62943042177,0.875760596287,0.189581612207,0.156184721429,0.238025822572,0.0394837106798,0.918939105446,0.860806642097,0.581729423486,0.614937323584,0.956671167951,0.61675254729,0.427599020853,0.700657561584,0.393105615835,0.667735866756,0.637467068991,0.187577385842,0.555653044071,0.0136015036459,0.7182452575,0.0740896996122,0.46696846915,0.351700775567,0.771463300758,0.0785645960125,0.575777469063,0.289505966647,0.633179280556,0.191738079551,0.76365080431,0.233390910709,0.889033650444,0.5151234049;0.525907183237,0.280603649372,0.359290064058,0.497542305184,0.6415611328,0.284843101099,0.400059419408,0.0661477085085,0.0230436637412,0.27324467759,0.456985787267,0.199975828756,0.0527095667083,0.123949086659,0.583470132755,0.624171923345,0.500280278821,0.0337035887145,0.0594728708501,0.471361354344,0.109652204265,0.610026004643,0.483374260482,0.333013463935,0.407335598744,0.990963429442,0.275019991429,0.508300172942,0.193376616482,0.261785311346,0.780838437562,0.463527017825,0.462671580674,0.321768049647,0.641376890333,0.154753171631,0.107407291167,0.203751121409,0.239575841764,0.465446522788,0.45701418691,0.718297901505,0.270426213889,0.963879353897,0.45679011425,0.813449171231,0.541357538463,0.602925360621,0.490277252482,0.980485999477,0.916687736475,0.15115463263,0.21429389633,0.245009191566,0.806729472906,0.0461026253995,0.634362411462,0.599308675,0.925673904294,0.522911617006,0.908677067157,0.539419308211,0.835409641768,0.714812444913;61 +0.446413250922,0.541258589754,0.663595962353,0.0415316829319,0.383967233323,0.412084783606,0.91688199546,0.124196579345,0.743678402348,0.885650996191,0.367171593526,0.803919918428,0.43494224731,0.637092910594,0.872350998487,0.236185943734,0.732471330246,0.0299341582818,0.896953731351,0.0885055233682,0.996764263263,0.445882103375,0.417843997565,0.359271914905,0.168823379448,0.737307221043,0.808553401243,0.95816033827,0.836662495135,0.00456555998309,0.34366228402,0.411010303466,0.760281272496,0.958157518951,0.549035510624,0.941325332513,0.652685870938,0.793724597361,0.10073610292,0.429615932216,0.548348603697,0.838474248252,0.0937998781393,0.181522247248,0.749491348883,0.107944098511,0.0798207012555,0.541237919353,0.0244805212921,0.31966699325,0.208054317702,0.198830046683,0.737826606746,0.565972277183,0.860635554267,0.236921167146,0.0280239998122,0.105696703872,0.531667436985,0.830033541001,0.125174077718,0.67067190733,0.950527187985,0.304686319156;0.0581420966887,0.167842777124,0.537948165404,0.779309704927,0.643573137998,0.065797122363,0.817938244016,0.902375425259,0.67339584275,0.917343681363,0.770286416565,0.588364165657,0.969643918165,0.139735540961,0.911691672511,0.0564509830256,0.261777762555,0.913103106439,0.234521736628,0.743039182823,0.277290915076,0.754997002233,0.563015437766,0.0140269484515,0.171876189762,0.753367061969,0.144752744708,0.223307533106,0.195279610771,0.306806991519,0.829870722083,0.152013310273,0.146852257184,0.874121273832,0.928275646227,0.276899561402,0.403473902543,0.588923164003,0.0230976830062,0.414426364736,0.47254499616,0.517698484769,0.242512516449,0.0370680431983,0.36615088748,0.370892688789,0.88124256269,0.24129796647,0.324351824442,0.0433228071509,0.377113959791,0.9733022201,0.495558737727,0.173906960716,0.833865380725,0.897502853742,0.0826999866239,0.305639346179,0.790730748452,0.833526704677,0.666244248601,0.349500187785,0.732500093108,0.543769615436;0.739584864408,0.866719151049,0.325191961316,0.573427355606,0.592907756331,0.908060700245,0.84231451487,0.207479613858,0.816760910315,0.528693084996,0.569063041006,0.768967839983,0.0394373153889,0.911922157312,0.422987214292,0.760877945608,0.343341896926,0.36651800919,0.658418248804,0.542546018981,0.943027623747,0.632879358534,0.274653996963,0.882971043807,0.736420617948,0.890035890064,0.0446098017967,0.735328438163,0.970577748067,0.436136290675,0.448316671798,0.407403162337,0.723864172349,0.565470337034,0.23143280064,0.0434004520578,0.44888850313,0.970016658485,0.549606295966,0.093919440913,0.621029444716,0.742907166927,0.674563385715,0.616910203128,0.58187019633,0.070610886699,0.480908580679,0.226298345342,0.248363756255,0.148503868915,0.794974811259,0.766422432321,0.580486897113,0.184006214725,0.319170985683,0.728255167039,0.565044512775,0.0970743655571,0.607539669136,0.132677798844,0.459620114943,0.717518823255,0.693805508517,0.130504720419;98 +0.520015938697,0.187857876126,0.933488880259,0.288812818882,0.0682032319253,0.723557347188,0.462445733439,0.569532787471,0.626402602479,0.891049875351,0.100418412809,0.114870675858,0.910428621605,0.781458973757,0.448906669166,0.247961464965,0.494635744601,0.683339552324,0.223272824866,0.621302812991,0.937650603434,0.787053530692,0.524984001124,0.497302594226,0.305934746691,0.339131488676,0.250898707628,0.670220081653,0.645365000192,0.860508070091,0.0165713414947,0.43735002267,0.630843715123,0.424979972755,0.120467843863,0.290305108205,0.402511352416,0.653540577197,0.448748933981,0.977149198939,0.390197795294,0.0780396159749,0.69904674642,0.890634059344,0.978118061902,0.23062172893,0.768691710116,0.50181496097,0.450483393948,0.772547073372,0.550149927591,0.782209612342,0.10354100425,0.620470052362,0.472153355429,0.61466771276,0.0607613233331,0.0728093479561,0.529508546329,0.625336696266,0.455909351759,0.388271915659,0.304028160629,0.676890595058;0.732616241973,0.230273933761,0.472219298734,0.701788120711,0.736791197005,0.640535080857,0.0900596994058,0.840610852447,0.937491372524,0.94377143806,0.110951146962,0.0120706482855,0.628123996857,0.720317372827,0.182495836973,0.885102532341,0.536292023731,0.731560757623,0.946581409306,0.777993346462,0.32830115954,0.922406553539,0.257501847221,0.716400568141,0.512492987467,0.0890095208789,0.120450626668,0.175714393112,0.962641674769,0.0248501787045,0.665098925559,0.36458490658,0.266994598545,0.145912216638,0.729650186105,0.513926517439,0.671757963505,0.539157033698,0.936518477933,0.0593904921739,0.212309787209,0.880307697501,0.426123104095,0.73559455389,0.0816705592632,0.843899799808,0.29740030588,0.73276365852,0.548795513596,0.57630661523,0.00162529369369,0.82921589608,0.654597266873,0.637232704752,0.799646545805,0.1320929946,0.447217271546,0.411291001841,0.455422849062,0.755044886092,0.857196722419,0.541723344625,0.948569003519,0.688832230274;0.961825605224,0.356395634214,0.678985645235,0.508061907257,0.571773579195,0.489268571659,0.478246917011,0.310977457016,0.104738544857,0.825192589862,0.198636070878,0.493241055078,0.129002066558,0.0877612169762,0.0620862600669,0.538950006574,0.269222889293,0.163502907361,0.558320386289,0.820758367506,0.194823246084,0.425496921697,0.833248524272,0.421979074773,0.434603986578,0.658979994327,0.557474988295,0.209669733216,0.0475191332069,0.96015854448,0.452576349738,0.980117542874,0.925610768149,0.03455716538,0.338768316268,0.575013976869,0.900611678427,0.384578295671,0.392448449994,0.0203192827531,0.321320742661,0.803571977612,0.719611784405,0.988089583822,0.992075963756,0.456475081316,0.161759705183,0.726308413096,0.090060948372,0.33793621732,0.0614719920252,0.235626939358,0.649688860854,0.501819165468,0.349350431602,0.55824554065,0.640143328617,0.1166840425,0.472866699382,0.340435452003,0.384789865355,0.0754384695048,0.998451314643,0.914172787694;82 +0.984889536628,0.074126493559,0.401160449461,0.360925464353,0.626781866523,0.765850539053,0.910141739552,0.59602788687,0.918977209056,0.0637990299675,0.319524201521,0.88420018149,0.904869390526,0.862710527636,0.85283993834,0.857677103005,0.419294614023,0.822595210919,0.159822954387,0.310368562977,0.43360968279,0.189123441954,0.146559488357,0.146092876503,0.998591793242,0.507262418877,0.224594316182,0.825092153694,0.43400167337,0.625349868421,0.634321051413,0.282132134138,0.378129767976,0.951115891006,0.834695171824,0.605736824417,0.10844606589,0.10906216886,0.793422178731,0.257923196466,0.0277384021279,0.190258630969,0.392210291688,0.483047675406,0.429278622047,0.418257998269,0.21713512488,0.405136194798,0.180272001685,0.403921069472,0.46246577346,0.6882958545,0.608806411027,0.128867552055,0.230561302523,0.725373932111,0.241466542654,0.274237728603,0.16761452516,0.580279462261,0.198904179847,0.025802482247,0.169442266565,0.220121782577;0.169306880785,0.355171762769,0.638505667765,0.47517584383,0.524564052804,0.0263140406849,0.893722453411,0.828185617473,0.995448817562,0.476951578387,0.11852376111,0.695916148944,0.743917077249,0.859861455795,0.441110963433,0.612884330311,0.950513433039,0.420717315199,0.42841036028,0.506160591035,0.44096142726,0.132860055413,0.075689793259,0.96334990624,0.178261450353,0.466867158804,0.113293015061,0.0176586952331,0.645911516074,0.0192168121829,0.61700010145,0.303016836213,0.435766902333,0.892957191013,0.46928379928,0.679063173048,0.732397885749,0.0153631219476,0.703429500602,0.734248351725,0.394868183645,0.235134453269,0.942502830919,0.929575480306,0.682623074379,0.615509151681,0.950436145503,0.762865200456,0.639394163202,0.0575850441101,0.505606274145,0.586786102008,0.545826218024,0.233265288927,0.0500824834745,0.930222383211,0.404732569098,0.828733898163,0.966143469417,0.355672975247,0.232424742697,0.742796916332,0.559030963061,0.898994927212;0.689155642733,0.960607904853,0.76986885566,0.0268289975107,0.464801420637,0.597126191792,0.948697159012,0.904103543674,0.164789095761,0.420523668427,0.226869468647,0.183787267631,0.625930644097,0.800331028069,0.549281837032,0.840994332128,0.329460756629,0.802730459844,0.385071520493,0.150399971431,0.374351826403,0.616918662289,0.468263470617,0.727230740718,0.0195580602673,0.412989716267,0.0533851257923,0.613509403299,0.321952528209,0.165079222428,0.342035476685,0.281142075224,0.692621778998,0.221212184266,0.152224825826,0.322119091103,0.289302881004,0.0419311063047,0.625998358564,0.519659976479,0.68330458963,0.575895457104,0.166185586477,0.481592833517,0.1463072681,0.800044715206,0.758763383865,0.478903501635,0.908049135607,0.491527437254,0.527574499337,0.86753078927,0.816567238492,0.862762449706,0.106282553676,0.107909422425,0.732079689891,0.51427530369,0.940845274386,0.800256208961,0.186373431216,0.778913543123,0.484583205935,0.672739789956;4 +0.160268001103,0.607096040445,0.753520386478,0.0952933494237,0.854784434208,0.061328610288,0.0558176144316,0.00911684596851,0.662765639523,0.629326263096,0.790383146917,0.264995504714,0.677447321206,0.350774101491,0.249192053162,0.237137336838,0.101865374725,0.216692405039,0.26053563299,0.837501732251,0.0551386111831,0.320003282549,0.872162559038,0.860395088945,0.127370110312,0.723358471935,0.194097756771,0.214005192846,0.590244276842,0.26214384816,0.308897676708,0.694850174257,0.284951714962,0.46289923081,0.0312204065693,0.594329709062,0.66784611993,0.845684496543,0.0823782222646,0.45895608828,0.553110651686,0.841591684196,0.348749953096,0.87721809239,0.277047173134,0.521186238043,0.317825440198,0.308703308278,0.458963965464,0.43774786764,0.963714415781,0.37157775612,0.894305983168,0.598585778859,0.795999957249,0.596878187918,0.434302333409,0.709081224956,0.337924173812,0.184688228074,0.971909947874,0.682038101454,0.961513163413,0.145479288676;0.269094038279,0.179721336155,0.252393392986,0.0320648374656,0.136229082554,0.980584524311,0.796501792922,0.672184809002,0.605359866754,0.656221245366,0.0349266616035,0.890667939528,0.813198078763,0.85444197397,0.73958480644,0.370082578162,0.00835773562635,0.622218522,0.905038646125,0.29361328253,0.54900137381,0.503065433824,0.562162436563,0.585297431738,0.259014606569,0.788370842698,0.203576439553,0.164028233438,0.255282777035,0.646658155711,0.642879945679,0.846968387294,0.760142543386,0.260587909931,0.416854234137,0.684174354751,0.893880143636,0.758771228771,0.0369368348434,0.20507169448,0.575274561055,0.821697561455,0.559353756981,0.470579645957,0.750204550793,0.122145476423,0.479513337902,0.301849419346,0.218254156072,0.0164633935948,0.800229762399,0.774472303146,0.198775913188,0.810403997269,0.298289303451,0.732405760125,0.644017402392,0.825777016815,0.0184503146358,0.0907528167027,0.0433230504231,0.635927581376,0.144607200581,0.432682924679;0.611741379383,0.339132174156,0.636425918811,0.367793974498,0.237609607205,0.0775840487756,0.182961811219,0.591561922954,0.728518240754,0.912523426203,0.239579264605,0.242124035581,0.835557755294,0.627127588008,0.525062554572,0.428571422596,0.869645091428,0.976354105065,0.00441716872516,0.402172753128,0.715574326795,0.488537041262,0.348902696104,0.0922320344888,0.674663394019,0.536483257241,0.580070572081,0.119937088822,0.545669231041,0.628160463233,0.49832334196,0.951415004757,0.88088612322,0.345283293275,0.799772830707,0.770619753957,0.367620657945,0.187410651706,0.312314697444,0.0119056965336,0.206742836588,0.668648161713,0.268906723147,0.343016228388,0.48545019291,0.985612099284,0.666782160709,0.515765892522,0.995548171723,0.187736627182,0.858042091146,0.697605851331,0.138389175261,0.0888664052368,0.818853466949,0.254360695719,0.402196292737,0.870916758043,0.900258443927,0.160230391622,0.464000385486,0.417426107819,0.756805737396,0.168195319795;94 +0.662463225272,0.214196272086,0.686974564394,0.421811849707,0.131569348082,0.0762043522519,0.622556309829,0.617947196981,0.225440264176,0.545811741658,0.0210190537364,0.609459207935,0.582231740195,0.697539699178,0.501568431385,0.199516855102,0.149756662064,0.48751855468,0.624300375288,0.405497692164,0.468320122351,0.662122188365,0.718239696461,0.73815904193,0.58444099465,0.196940821766,0.184257754192,0.743735117147,0.180561382914,0.456222031906,0.267784263566,0.399097699319,0.631074906829,0.393916340826,0.947260262861,0.0400073910355,0.551807093231,0.658930816827,0.457629476219,0.392648931565,0.471037855603,0.000156428218166,0.71595981795,0.0611073083112,0.186804044599,0.463411530087,0.901024196731,0.625958742015,0.387880110076,0.764957001483,0.846800974251,0.279020975282,0.180746945724,0.480241442487,0.800666352138,0.445154994404,0.342168700353,0.549632286048,0.309569676562,0.412278259657,0.344430186573,0.537500007165,0.255427627226,0.221180920263;0.117303026994,0.654294552692,0.506556341308,0.568073376435,0.607083882376,0.657404907624,0.885205883358,0.0745583347132,0.253754946281,0.480722477374,0.550590758391,0.891171721465,0.876367876876,0.609029829983,0.472922980172,0.354992989544,0.970720159353,0.420147162111,0.655949763883,0.505751412797,0.184277854758,0.480084044967,0.335542971083,0.568265384133,0.0705094735012,0.492680171908,0.298754176112,0.340466941442,0.889443208953,0.0441499973154,0.503065952486,0.942709444434,0.0927769705901,0.00990571464671,0.395703361121,0.0294710540803,0.452691276579,0.151710764676,0.9901713407,0.627118371339,0.0444577945378,0.191736970086,0.0589938032919,0.0558052760492,0.072664759263,0.263652212156,0.880419126706,0.086926596712,0.794088846685,0.27480487336,0.639194670371,0.549288031991,0.733491152477,0.422297714152,0.0652926815014,0.446770251739,0.932935492183,0.511959542198,0.891592266392,0.703255110484,0.448465614335,0.743934010206,0.657319130108,0.622345431364;0.714315243182,0.086659269871,0.938839156138,0.40887429778,0.628711574182,0.839606307481,0.714887974043,0.512977174662,0.452418924217,0.776846592155,0.533929572919,0.270026758512,0.325657997635,0.234562289865,0.0430532708288,0.969876359614,0.770589417056,0.0624899604451,0.838377848387,0.60844654156,0.797555707924,0.864345348186,0.0218421188712,0.0236889322396,0.965978357498,0.0801777137916,0.772424139479,0.964550031148,0.824536986176,0.637440920757,0.715068391164,0.976862811253,0.472722559812,0.169409317569,0.745350832279,0.203975353746,0.388335647267,0.962277288669,0.071943984683,0.965484932408,0.487116870927,0.627112847472,0.122102438608,0.869211241335,0.592124743346,0.689558878302,0.175754912926,0.858268616734,0.547321878478,0.379255237526,0.42252896519,0.0331810001642,0.494666221642,0.481007095264,0.572912306352,0.817748969595,0.437282438743,0.454706235677,0.568172301708,0.220527413706,0.709991529944,0.11082378965,0.147386349695,0.998928380023;99 +0.724475381302,0.784532511265,0.820862994076,0.80960654296,0.337139993897,0.925959100804,0.0188687751654,0.731513783962,0.0939001306007,0.429433090023,0.606118587037,0.845336749842,0.243420107369,0.80502527327,0.162822255862,0.777858674925,0.0191106651321,0.465577637419,0.55411566603,0.635242916844,0.719922909053,0.150128964695,0.721196574609,0.13312988059,0.00363098195749,0.0343124694543,0.997240336165,0.794015270428,0.130601873188,0.89838149092,0.629912335144,0.179423038207,0.94168874716,0.580168870875,0.885895349513,0.657023424559,0.828571076184,0.817182220201,0.277629485825,0.332363366352,0.598371523246,0.0228073376673,0.350825177588,0.496743859976,0.63629493763,0.331659546142,0.507477324881,0.869052800192,0.831281511896,0.128710749606,0.914779978978,0.960923186029,0.441218707262,0.157466321636,0.490043499065,0.856589744843,0.138153317237,0.503338538008,0.62159052414,0.844698640045,0.367778660648,0.900711144235,0.120130566022,0.242687716607;0.974010303804,0.308137128744,0.751063275895,0.263551799626,0.465924836936,0.534484970254,0.467975378608,0.344337959633,0.707945866284,0.897411357539,0.965787294253,0.48626224715,0.00356747748219,0.465694059554,0.0380430235948,0.391650586707,0.376150783704,0.0936752297024,0.976012640041,0.782850144268,0.272716574603,0.467890954372,0.960795710749,0.544567549309,0.223531941277,0.511670542773,0.318452312008,0.736077768993,0.0301974288982,0.0602771029863,0.270298425238,0.30847764914,0.607671790486,0.853884241981,0.877969016197,0.935327709432,0.0966845397728,0.270627272294,0.534750089784,0.130920211804,0.20462546615,0.76789172065,0.708685126515,0.528034362825,0.219968065848,0.557003589873,0.294773826626,0.0620737269786,0.455565088943,0.210469970733,0.19499333987,0.228007006579,0.822101245006,0.765341869144,0.896047603957,0.49457551528,0.780900625874,0.500116407049,0.346654202485,0.926221247527,0.434274668585,0.0049154461514,0.143898549065,0.135451217372;0.739976485686,0.826030409838,0.758033853495,0.212213563533,0.600780874991,0.123239428987,0.870461484217,0.321468141397,0.205670187086,0.937389065052,0.681026627586,0.505644801344,0.663315445394,0.778487694154,0.302536576442,0.97858656918,0.885398755472,0.247907711956,0.52024598765,0.0253751396245,0.917016933568,0.0440252017653,0.264239056599,0.704543301739,0.719273188069,0.140105556728,0.876020049637,0.777470769179,0.490930349315,0.234855627826,0.465155542811,0.168524272881,0.894664379366,0.734529370257,0.549645818187,0.0356412440291,0.733201679499,0.683793204346,0.151408470147,0.172118392356,0.274821260061,0.698877647857,0.0565766642648,0.452669735425,0.53551122361,0.286637351308,0.192809929137,0.00492058201769,0.63508154331,0.0759912685463,0.271370663673,0.976320148025,0.755146353712,0.865178224874,0.842292204153,0.412357753035,0.882690652593,0.138391807336,0.553830081436,0.784950809761,0.914160874492,0.156797534174,0.691374605007,0.274321558612;4 +0.650546288078,0.700025352118,0.112011771502,0.394275648252,0.19993039794,0.781048940787,0.136714710826,0.643242618361,0.874908678321,0.191077583726,0.635555467253,0.395460806029,0.915832677735,0.0824236285499,0.719786470438,0.756715256019,0.159037986935,0.627869888144,0.842105982748,0.183750625964,0.895774921795,0.40114138976,0.324421698002,0.78557979111,0.987126185544,0.779918018122,0.234971183962,0.0106156943948,0.207806868199,0.0915651423619,0.82941431057,0.840427631072,0.322678818823,0.437271792729,0.726661789036,0.481036286336,0.650224082767,0.379723265395,0.346179230037,0.947532985332,0.766386420986,0.607905692211,0.742961255476,0.984516830031,0.0402782504195,0.571281387157,0.452806359336,0.828321438354,0.969494104925,0.293886380632,0.5030473243,0.7083386733,0.533573151597,0.196381910801,0.888764531982,0.911050554973,0.278790343035,0.689389727766,0.36771426344,0.406557072965,0.993760567129,0.149178242138,0.534014942567,0.916092982448;0.930670598099,0.402899105084,0.246591128863,0.863785647629,0.424784972987,0.390122006162,0.695272278801,0.646363183647,0.500263581561,0.288225732991,0.738516534642,0.508266532314,0.0894304170428,0.593806988799,0.287688444059,0.194255325322,0.00463193807773,0.484188818031,0.647840217266,0.772195187751,0.708576034874,0.834031466315,0.861588888607,0.082661198255,0.687123970576,0.668106553532,0.589593301785,0.81739927253,0.584150956133,0.352717868792,0.961566609746,0.809349865828,0.176588593648,0.370992516095,0.0506955651068,0.500542520754,0.224873115183,0.909443723135,0.673929456679,0.28285217383,0.202307616649,0.751284740719,0.707069602329,0.843883471609,0.100674063651,0.0972375148375,0.0929307934964,0.975796607302,0.0929013256704,0.302223915838,0.141056307559,0.49397259554,0.991452474393,0.779381172951,0.508441507903,0.0775096891277,0.426699961342,0.828670502192,0.330308880142,0.512627437532,0.495350589973,0.044325085197,0.294980600243,0.965942376699;0.432978184065,0.930508224308,0.443913989534,0.169758935007,0.835757376111,0.507372589257,0.881174805193,0.485145936267,0.135520332159,0.997513679319,0.937829279114,0.759810657637,0.571235536663,0.129075761204,0.615269110459,0.987718561436,0.318598825771,0.888872183745,0.533465558916,0.557905808359,0.393847189556,0.198018618262,0.354522790062,0.209223830724,0.115154302189,0.443179896296,0.993330184094,0.555268368811,0.885448405588,0.632727474826,0.797334335995,0.0621697533867,0.708419422261,0.854180719967,0.984044912793,0.556856131242,0.287579909698,0.985855329963,0.159051246878,0.468978722913,0.103061154032,0.426324276102,0.0937020413653,0.885017845044,0.586299011393,0.0336236714213,0.352855030369,0.568349251779,0.906785120199,0.636544393156,0.436173620079,0.324772761857,0.724948801228,0.080986883428,0.818940965915,0.517068516245,0.526646735442,0.405587220772,0.661333584352,0.66913283446,0.0278934922347,0.537768142806,0.848651806279,0.868366798558;1 +0.513221794094,0.249331406846,0.779219104036,0.648686121598,0.367291038316,0.0874124250002,0.394001958382,0.919656841633,0.337843383812,0.220541607946,0.694053276459,0.189727901689,0.335133200593,0.190057300114,0.221768713096,0.0136647589464,0.691290799299,0.804375323609,0.686425987933,0.23305505778,0.774331995618,0.352048466278,0.466379922842,0.058760013513,0.688911851029,0.678875796835,0.494156671024,0.437528845106,0.088040369811,0.167484461858,0.701694359388,0.356852190217,0.436190140837,0.117017359042,0.628566808063,0.287527411525,0.0295860685614,0.64187581851,0.782270372187,0.546178424538,0.308865841167,0.230457512229,0.704839792933,0.985866708358,0.297102538082,0.193221689951,0.637613075633,0.353739305365,0.929042706264,0.987353652772,0.0386581633827,0.705051648143,0.0419632491544,0.706754491489,0.888568503762,0.653945427064,0.13531310337,0.0227684034685,0.13125239699,0.479675771098,0.889156607885,0.766640007188,0.906985423369,0.562337779615;0.819060455087,0.235781653882,0.463912294211,0.418524335772,0.135430313802,0.128074177334,0.749365417145,0.577097218509,0.736743228736,0.306154256031,0.477317195536,0.553940035761,0.0498833134008,0.856016093166,0.27497258303,0.392643562304,0.479164839968,0.48055477253,0.987559528247,0.333667635952,0.236250611573,0.792611541805,0.377260543931,0.960331441415,0.334131063022,0.781536673055,0.0670413920775,0.443659426734,0.599665947821,0.783262342158,0.0358549208141,0.159603284316,0.363183685257,0.712707284807,0.385311658045,0.473006682183,0.281661039705,0.509709069999,0.26487760376,0.878144412825,0.634571841073,0.308768926376,0.842533930562,0.875442706532,0.674565661645,0.66506440554,0.186977129047,0.756974795075,0.853955978976,0.234140779509,0.417120527675,0.700874995799,0.0484802288102,0.958510558709,0.418720262773,0.752796287211,0.36641930982,0.811756051946,0.510011907831,0.582215751435,0.94537175727,0.761775571154,0.25533310318,0.321650793871;0.253103874513,0.555898834544,0.32588199495,0.80685432215,0.408924220799,0.896178714478,0.595185167422,0.106222334782,0.641100340487,0.0277293093539,0.133990255307,0.0965488630154,0.683122088546,0.328458545523,0.591188766313,0.153341215491,0.971706852852,0.0872398780881,0.414200282128,0.158393315061,0.640295122404,0.234143223482,0.643568549935,0.632762800984,0.943376485001,0.75448976571,0.196442866955,0.0998302844683,0.805727365454,0.356224585814,0.261826638322,0.27073674745,0.254016994316,0.801122073045,0.2988953102,0.791350086146,0.842562200752,0.262229943903,0.861131248785,0.331330738409,0.00207752850575,0.715587552507,0.666001321975,0.156507240567,0.0110237298221,0.0320062282884,0.840193218147,0.633031591469,0.288731374359,0.434819815379,0.32895188299,0.735186502268,0.91777430724,0.803507788835,0.88137734933,0.0461313450833,0.0931671416926,0.998605703681,0.425825409154,0.0479637678359,0.828861840518,0.500884947432,0.54580995212,0.850360866158;99 +0.5457549506,0.165360600584,0.308341638307,0.369963671812,0.329232291648,0.257964942935,0.968054578229,0.0174783074343,0.390415036207,0.195991583299,0.780498379238,0.634073551646,0.568444289307,0.790135287138,0.91044361259,0.794809506732,0.981264113329,0.59391987221,0.494028760277,0.434882784345,0.471199041714,0.732349639721,0.757115090546,0.845621720757,0.0436824034705,0.242179087168,0.255692051848,0.0103452180618,0.0575131088355,0.887396702696,0.760406503164,0.432243764559,0.376860387339,0.898373606294,0.146252304698,0.769968418837,0.417056745694,0.671338575067,0.766931439939,0.43853969016,0.569481374932,0.329023836245,0.38498865366,0.838255831677,0.328607684847,0.453433644307,0.789613651338,0.198317653559,0.0228121904651,0.192502528885,0.248591793479,0.356699311963,0.544650142178,0.636600351466,0.18151040778,0.965581832989,0.128192515703,0.0706322319375,0.935294143897,0.871788045611,0.489636452602,0.470116165345,0.707595570714,0.913836652707;0.800427697304,0.00463836682307,0.661985238784,0.589328083846,0.981856247668,0.28982444478,0.915200083976,0.183703137874,0.721376675238,0.198248107411,0.745070668341,0.944530416296,0.160308724467,0.494810082122,0.551607607315,0.196021918378,0.104779541256,0.439857605361,0.830313845573,0.997147636758,0.151076293441,0.0371771558224,0.028913789958,0.116811716367,0.593643268041,0.941206136892,0.425605615623,0.890798494881,0.195001962913,0.643654861663,0.50743955899,0.329023386292,0.241009811911,0.811378402118,0.974963695073,0.788418440756,0.362257502145,0.864034624601,0.804076608383,0.331464771649,0.450981366902,0.0967631513125,0.0544450586687,0.364967162531,0.936355376084,0.844213948537,0.601980592854,0.987186178011,0.912234417668,0.688212674869,0.0384847650468,0.254824263152,0.185558219939,0.572348501522,0.670154444914,0.569855889155,0.276217269944,0.952879381794,0.785813139344,0.0544858813552,0.501380605232,0.294487060975,0.403614083709,0.367135457751;0.0809885324458,0.488977166364,0.307225981285,0.402286244957,0.58215351282,0.781025848708,0.196598769408,0.263880116684,0.943705256985,0.423982497743,0.382027803637,0.13082052633,0.0122385293088,0.604793808263,0.852429015885,0.150692756736,0.607677326281,0.953452824901,0.944195167296,0.36571087049,0.977815190107,0.897346943762,0.396882939567,0.821538690978,0.719308523997,0.336060181485,0.388844466434,0.343660701481,0.662485595455,0.372418300698,0.832874927994,0.08459638198,0.05655236373,0.153354674565,0.24230661487,0.900869131699,0.89564106754,0.158733684167,0.57456950631,0.845037697876,0.878463902563,0.814274432316,0.329851692168,0.893809390926,0.830690887514,0.815356680073,0.950869670306,0.334282972719,0.857713576944,0.219040909564,0.792798355254,0.871790037089,0.789822592587,0.14048743328,0.497781931654,0.308807083378,0.594361058402,0.496138336095,0.998451680795,0.972878887108,0.0964111913021,0.248472983718,0.978373995704,0.979196603757;43 +0.323152416003,0.26859331443,0.890646420001,0.99789565617,0.573890539895,0.13869737313,0.974185899295,0.0820307031416,0.128580950154,0.729312197051,0.445097544751,0.463469108707,0.607059312388,0.524699358235,0.676569881749,0.860549590351,0.356062808286,0.0772020221307,0.0763610069999,0.761440226935,0.359637544043,0.307795941582,0.702839084178,0.773675331251,0.208177088147,0.718815549885,0.81967587305,0.912610751175,0.842572640567,0.591604275627,0.10951634435,0.267523551583,0.150253828487,0.252394608913,0.961915296274,0.337792397836,0.113764132333,0.888647576469,0.218324760829,0.610801614309,0.235131853639,0.693271265824,0.187822848899,0.807674252369,0.15283810124,0.313753862414,0.0573696995637,0.959732360638,0.00141660766338,0.612714816684,0.833838595121,0.191304972999,0.37615179148,0.215379680202,0.519815467671,0.120433864795,0.496055042883,0.708535884846,0.735720717452,0.819642645647,0.753305237749,0.925433207877,0.310833870757,0.874892417976;0.951816428983,0.249446205858,0.201772084452,0.431964294777,0.189137575332,0.196587724292,0.969933340627,0.0836198641319,0.0495659430292,0.712150046032,0.441401818256,0.288908912043,0.759856595244,0.0996863888147,0.270004873101,0.844199300722,0.900347327708,0.750255446389,0.4836145871,0.924690024173,0.1315137348,0.650098956883,0.832717587915,0.669222561519,0.356740409842,0.941851242366,0.874118751487,0.341085403838,0.105505771017,0.300473539148,0.754804211208,0.779269588179,0.717469159246,0.596653041673,0.927095767641,0.699362451472,0.355905573249,0.729542215376,0.209301497904,0.478506353353,0.500765265263,0.44253069411,0.414356856925,0.0139703344065,0.8200481892,0.297674358382,0.777288316872,0.46967182886,0.59502126039,0.753355374298,0.0352479337523,0.969885801229,0.341526979318,0.0392829975895,0.704918124248,0.185293219099,0.0367230042767,0.475008074798,0.466012487415,0.283199712954,0.409635052663,0.690816938574,0.208562112392,0.350875057504;0.355839621795,0.684215404479,0.579186116805,0.475834793904,0.483411295173,0.658712048011,0.90806020844,0.639940181652,0.721598706514,0.69483073015,0.556868466511,0.209971826091,0.224885593145,0.208061279859,0.749121874625,0.651622733274,0.356522170558,0.90434363911,0.725593234986,0.463792487827,0.235609947585,0.884813265397,0.998595220122,0.354923501995,0.7305528875,0.566586545586,0.505658781707,0.797704120504,0.459066883416,0.315898050848,0.491111451209,0.831135934971,0.664541106064,0.407566245879,0.238101204026,0.886973901855,0.11877910261,0.15846083777,0.123913409825,0.976518083631,0.896667337219,0.318602132577,0.531686703088,0.480887279037,0.713082782766,0.815229195489,0.308691660129,0.661124142614,0.982786766945,0.204030512553,0.372045556566,0.328617705339,0.203424815557,0.948876222675,0.689382841794,0.213335316205,0.250740861196,0.950122812653,0.0744163652942,0.108348009974,0.853786036424,0.569005859648,0.00970114612561,0.615672667804;19 +0.175863309726,0.499476081311,0.500977090858,0.818571061671,0.645931217023,0.422287615543,0.467601334792,0.402082913879,0.165032897433,0.223075018998,0.703318805725,0.700151105155,0.579291160374,0.800150358119,0.386440393067,0.274250033911,0.869003966642,0.180040894944,0.846316000167,0.909805711947,0.445934348709,0.397609184722,0.443428633177,0.806028790409,0.297685612117,0.593449310384,0.340232329455,0.602941214411,0.228586958868,0.321614131168,0.283057666508,0.34384916658,0.237380758378,0.851243985706,0.545264354481,0.0170897331266,0.362141288372,0.929295168804,0.103834034956,0.0203695148997,0.0345923193463,0.569289629411,0.749514307051,0.327844910109,0.778283598895,0.884587270486,0.405036907143,0.954305077638,0.141915686782,0.0757454607583,0.717697461366,0.443633629272,0.474581628078,0.0411356730993,0.122208089467,0.0710152747772,0.253176023299,0.28345423073,0.306834386763,0.983324191983,0.463764203726,0.399504614908,0.135542085639,0.323079387827;0.525593944312,0.748695423863,0.386097005327,0.929060489937,0.519152495565,0.890746611081,0.205581427033,0.627422153153,0.296253282863,0.500173004331,0.375728028743,0.31686413647,0.617791879508,0.252970091459,0.439981153968,0.548110239233,0.742259200082,0.154735876131,0.246239476613,0.538727941961,0.952686804991,0.067737487224,0.464658237846,0.280430097665,0.404371072317,0.642832751215,0.716554102619,0.944859536841,0.0995523458385,0.409264398169,0.789886247012,0.271754830562,0.101467068344,0.964585363615,0.670641390837,0.00337572717166,0.503246682654,0.998044702611,0.143608935571,0.984307630515,0.779954069201,0.872495974757,0.0993516707662,0.8850606986,0.529636096443,0.0740008585692,0.852078348252,0.476460070095,0.503472026283,0.192356856755,0.610887786559,0.971515568034,0.311881466173,0.0631387230442,0.0139034083066,0.430856981975,0.954682294806,0.459761120423,0.222883972944,0.216124778914,0.146295123491,0.936114773291,0.589387648346,0.595416144629;0.641074175796,0.52566558245,0.643488464695,0.250180804147,0.865139628051,0.252824207387,0.490068662537,0.368718787546,0.593300589592,0.00347042161595,0.10627967175,0.0864534562206,0.615208850329,0.422713077957,0.802618829381,0.781496483072,0.36707128982,0.248077373786,0.706841431732,0.566440863625,0.527959346376,0.485045212321,0.637237099953,0.351484769864,0.15159758312,0.353590664548,0.887206959086,0.707348512519,0.402706116027,0.349937377423,0.297826667057,0.217207087463,0.715980076425,0.571559774102,0.436083594292,0.177639384118,0.98274609078,0.64027982263,0.0787829453883,0.416240079161,0.328219372843,0.661551632009,0.286226714726,0.815556876113,0.277417254098,0.789284058644,0.43668490319,0.812004189316,0.0843679752978,0.755423870867,0.298721344966,0.276352907906,0.160094985364,0.659937411375,0.0332782912789,0.26390896081,0.208605559022,0.670907935246,0.289006205565,0.369223159961,0.664856338003,0.951290620345,0.113919892782,0.669483753862;8 +0.306992197826,0.403776043501,0.522695729346,0.441136891028,0.930086810491,0.699334124957,0.570747613698,0.594378230872,0.841196817976,0.447556747038,0.141064962561,0.877752151387,0.465953895302,0.189881701596,0.11016728448,0.0802731327859,0.31599754834,0.510237403912,0.201945749291,0.250762229752,0.183523071218,0.112141938601,0.337607436442,0.56634083159,0.69846138039,0.213564330655,0.513089112406,0.192677365191,0.421184466628,0.247217410842,0.137148171727,0.00988471352859,0.386269025679,0.93492691978,0.285043030502,0.360349500448,0.58170572378,0.350844694922,0.728419142488,0.974543391514,0.942080873783,0.392367960005,0.866615508125,0.52051346301,0.509132474886,0.921693533325,0.241644150745,0.681819835119,0.909335790352,0.725235815895,0.313208034712,0.145886075792,0.580491798172,0.216273250984,0.157572170575,0.714923539547,0.454592089951,0.876904527912,0.345221788714,0.102438895775,0.398946447044,0.280695235518,0.233296177419,0.636691589908;0.895104637514,0.0200235514108,0.167337657077,0.632931976723,0.91874341188,0.0157270993154,0.68797389072,0.0631497018275,0.766438976081,0.0771826060249,0.95548497592,0.204643455383,0.852740666607,0.0336156394969,0.44525862038,0.658042391439,0.852944906675,0.014047682875,0.306485910718,0.0967746078049,0.293421973223,0.362584110169,0.495409757776,0.827228311693,0.923347671111,0.910208725292,0.710149872852,0.23802090649,0.109511418161,0.937776802881,0.770828816963,0.214053143866,0.390223348296,0.481615152622,0.132174473421,0.345106094186,0.889643570385,0.394101303801,0.527920933433,0.849732693214,0.230620665797,0.387429825275,0.717710957689,0.856531673258,0.43745293399,0.49284909768,0.276173602022,0.455220980108,0.385626448019,0.493684100986,0.728607725066,0.644180806855,0.570264314785,0.761673532176,0.96986339523,0.700129257604,0.881924777983,0.291310021059,0.691505745566,0.607831775563,0.064345706588,0.267537603828,0.923143716687,0.690264804194;0.71678139602,0.512389714844,0.624316015906,0.39135969405,0.47628998825,0.203927944615,0.93664347428,0.193463880555,0.948160162946,0.482896798114,0.67528644642,0.522134750318,0.136317303036,0.291151068641,0.0400869344489,0.8552626022,0.93546766884,0.447578324199,0.335147134965,0.691646104473,0.682778820156,0.26322670395,0.575913203948,0.634506926832,0.76722104081,0.71856540284,0.496914771469,0.498915629632,0.549301071159,0.967998787723,0.793280455234,0.833299459352,0.0188330674894,0.352984792647,0.0764443732277,0.170405270479,0.627235277388,0.716261394748,0.268836254038,0.0207699700432,0.393805244603,0.439581957983,0.544875673576,0.20234182719,0.0529439746782,0.18944413504,0.80460754722,0.277590403369,0.292997835531,0.15013488459,0.11193571988,0.508165763611,0.725329572401,0.728305110642,0.0745687893616,0.836794137141,0.721153550178,0.628642161283,0.655443527023,0.24742584854,0.506079548628,0.200422679579,0.181692969283,0.571889285879;84 +0.756012791178,0.210311371355,0.437157595906,0.661939070438,0.300638340307,0.886395898694,0.911104276656,0.950854024172,0.833998378072,0.0614338706852,0.854851470658,0.758195919265,0.536120320339,0.0815383005037,0.290575488522,0.50842828549,0.0275878881194,0.627718149332,0.786544287662,0.00806197198883,0.749336042527,0.25968611339,0.321821790524,0.562149557247,0.467486785152,0.802423751421,0.102301377487,0.304553828088,0.622905136731,0.772101313193,0.649117314333,0.669173152689,0.00762985207421,0.596698622837,0.258573178792,0.522251138554,0.73112790168,0.290620072065,0.924339771938,0.23832185248,0.0679648337286,0.2362314245,0.283328955872,0.861050307224,0.276525688118,0.0383532177399,0.307201655677,0.404506770099,0.893410335704,0.937600849147,0.468869208279,0.9297144784,0.789409361405,0.647488990183,0.930925807233,0.779660887455,0.405986865249,0.48029124561,0.725085826491,0.13421374254,0.878273107238,0.911867122615,0.981854057264,0.630762651555;0.304812472404,0.332937314935,0.207818077055,0.886482318112,0.42207125192,0.242054598613,0.438844711968,0.707488953279,0.549990319075,0.24305548053,0.802407218134,0.558935420851,0.236059850082,0.4675131091,0.168652737197,0.288185770194,0.938924429635,0.156271600048,0.146259504953,0.865099669995,0.314506121836,0.3288621131,0.11212934962,0.801076845298,0.155219170004,0.571426926865,0.133176314782,0.141658659228,0.555521552519,0.797632839834,0.263722125749,0.586088941938,0.853521146614,0.428235814112,0.387423314966,0.692880671148,0.539085963372,0.927125994356,0.68229082281,0.166628450967,0.85700776991,0.935983015148,0.0441975030288,0.106194202524,0.295092342813,0.588798190883,0.0262086477977,0.804148327212,0.0349585993392,0.160884380047,0.194047117662,0.624488847835,0.476508125228,0.520858513076,0.202413532972,0.564467075952,0.684642354739,0.600941974595,0.428351878551,0.846134402781,0.0617429337217,0.808531939728,0.805848304582,0.507742456385;0.139216003577,0.0340418475656,0.571751769387,0.12949830411,0.938690053606,0.0714816754212,0.00211130245655,0.737751307535,0.95284026238,0.737974158004,0.611225634505,0.757065531688,0.839435144266,0.286313714363,0.946190450817,0.939392163802,0.277893385965,0.329926866245,0.129308547377,0.523935810945,0.746452363429,0.201418025308,0.337780960697,0.162700235257,0.841296231245,0.236189043786,0.161965285489,0.115123528039,0.261101581909,0.184406265189,0.951237043365,0.0118791144576,0.151838054594,0.0908662176604,0.474316028957,0.428103976074,0.502762858417,0.701692115091,0.798822233465,0.317045900731,0.508689378975,0.289246747774,0.255242848942,0.95248787563,0.788949820432,0.853917757028,0.210335531123,0.452820519127,0.246537364441,0.152888628217,0.187812002968,0.572308011688,0.0211645451836,0.280302816604,0.789582599509,0.287245070827,0.526824976772,0.0021936735469,0.983605982563,0.437114710856,0.116306006775,0.0868986560348,0.808176540104,0.338091834406;36 +0.88929704555,0.356941702882,0.977057994891,0.308619422182,0.236061284584,0.697336009336,0.781835026499,0.872680848412,0.5239403498,0.0805536116869,0.0222435369335,0.606749435944,0.0938558539302,0.0139212469408,0.607350160873,0.141140466908,0.431134695945,0.0794334989768,0.626226904603,0.37239272303,0.122500590103,0.985057951252,0.890257242894,0.0235723778725,0.955726714258,0.494681035201,0.981166335641,0.24683419073,0.463881242646,0.90433459847,0.869187595791,0.0441895975773,0.243050452446,0.75672329802,0.474588818372,0.300086330078,0.654998237604,0.510363867204,0.194929311508,0.155504112696,0.297979226085,0.470224796718,0.447513587067,0.388455333505,0.442202614674,0.145881117123,0.0142275748394,0.107059840226,0.777801663475,0.802765949148,0.92362680565,0.0292032298847,0.382379788641,0.76784621481,0.399235809695,0.0621888613006,0.466428926918,0.926590796466,0.128081767166,0.631435270923,0.0554092990639,0.928778599726,0.113967935799,0.65295557345;0.986077034698,0.305992784477,0.298530928562,0.362143665095,0.143627600284,0.576207245676,0.820849239592,0.729952618584,0.108006630761,0.223624839523,0.833365152591,0.896934107096,0.021850437252,0.825501188893,0.52370991752,0.283023681633,0.707686369355,0.315640393072,0.866909300414,0.794178391546,0.23656789118,0.859047840769,0.742440841867,0.318474216947,0.780165321989,0.814378908643,0.830771299479,0.505184401322,0.944392133925,0.206043965957,0.681975871533,0.488390322409,0.683139838467,0.767293319409,0.362664408317,0.293661117038,0.0271388392608,0.999089637184,0.0533126802483,0.448113754434,0.2505508995,0.602489894808,0.842636450084,0.100354083655,0.470350867944,0.925440990466,0.235267682317,0.955459588486,0.105588361916,0.500692205871,0.364675329379,0.970318106138,0.207199086801,0.823804453298,0.15788493535,0.77198438043,0.262867932487,0.170126505955,0.618290446642,0.666067035312,0.264576248718,0.612301561821,0.0240902609435,0.954569274264;0.949433577804,0.630901980085,0.0643730620352,0.378201702725,0.981950557446,0.408646693452,0.0548509942334,0.908017705976,0.351971086649,0.391696738948,0.457717575581,0.00363075654765,0.863975948762,0.0121751692495,0.499635228933,0.760150248829,0.808109363327,0.696109449055,0.381917928709,0.722589999896,0.416382075924,0.835626976097,0.640223594948,0.119120010862,0.461842716606,0.335415363923,0.777769551256,0.555614444966,0.596946421187,0.26156810224,0.321903103066,0.415711362349,0.942251469051,0.254862857902,0.555326923696,0.614191475176,0.41666535139,0.918590128672,0.844986251074,0.240905276187,0.652239618096,0.676952518025,0.529008340355,0.587721206701,0.081347506352,0.339908052065,0.953907297437,0.259555413829,0.121570064111,0.872712503066,0.0483418900986,0.577611246433,0.162275813457,0.83600488151,0.233722216608,0.276158836879,0.492839411953,0.899472302992,0.914017903292,0.847620937665,0.880085866811,0.610908517569,0.86129217367,0.607486758274;21 +0.483155106916,0.0747978963615,0.563680915968,0.0481759241095,0.76965030519,0.405558909425,0.33937171847,0.155413043979,0.258011057415,0.280677790916,0.576408462158,0.090184394054,0.661111443279,0.873650336993,0.836304367386,0.518135331459,0.0990334833835,0.906711148384,0.64615598906,0.172046911603,0.793552937933,0.422309239729,0.756975194113,0.72332739256,0.432309078876,0.319856281793,0.500637495608,0.31762525396,0.202918110305,0.800093307682,0.691807657925,0.665286063834,0.570318025407,0.0459226510603,0.586818744281,0.10950122242,0.334592696801,0.611136394858,0.408870642234,0.689631225591,0.393208211004,0.856669484837,0.469545157412,0.212667699877,0.918114094723,0.092098120526,0.0251029876437,0.578864110029,0.406815180529,0.722019950802,0.331726207009,0.483158559168,0.248992384786,0.579566642127,0.738766753834,0.433497890671,0.718188559712,0.0520105921645,0.180674782979,0.863818707745,0.967965357725,0.0472198873973,0.990728333842,0.772525863381;0.73909388114,0.420460379608,0.532855487021,0.687166681445,0.334466402606,0.108982390792,0.041585740871,0.835447976267,0.87119725426,0.239109302461,0.340420485307,0.156078839185,0.239082751177,0.195270359536,0.962536448669,0.300949665373,0.043124106441,0.150048790509,0.69005548454,0.211704796617,0.541448171322,0.912933369595,0.455905641424,0.970087391312,0.613965940787,0.472548674221,0.69860915759,0.0448017835585,0.465108362666,0.564080850097,0.532935824223,0.0490466570593,0.290072470695,0.0519623983278,0.106946711573,0.69078483462,0.00268846472599,0.301643290436,0.653312611137,0.654089766051,0.980848411518,0.88051224965,0.183269497512,0.884314734657,0.824039656775,0.974917162959,0.136258642144,0.666844102517,0.20608576854,0.189827789832,0.935500153826,0.124223273257,0.903779140852,0.197731555368,0.856493725184,0.161816117211,0.586686728775,0.338207912758,0.688328029961,0.499089850659,0.90043278717,0.897203477899,0.112174152269,0.978279219354;0.747474923673,0.0950495567904,0.934728258604,0.977479255084,0.482520112947,0.545595165856,0.590411006107,0.809229861057,0.498912166848,0.128142228044,0.726531191646,0.207199245657,0.287831644625,0.148034754158,0.167718534582,0.150193655448,0.935498123925,0.487740099786,0.711424309536,0.425247503662,0.0081744540769,0.64655704491,0.907018882638,0.0509547971354,0.964144086318,0.033216759855,0.876037873004,0.803063542261,0.902345905426,0.573184864048,0.292667285301,0.41698396994,0.214631967739,0.855892238266,0.495148043081,0.118621939098,0.948524323597,0.875052708664,0.996745110284,0.0501637589144,0.340925523006,0.228080768971,0.828901666066,0.74168511264,0.246939700506,0.542160364852,0.811197522283,0.622250038233,0.248257268302,0.382637252547,0.526715261869,0.321530224319,0.746284449286,0.440041274482,0.921154570763,0.360631317554,0.515019941742,0.0523494889365,0.865698041392,0.231616327951,0.13419257605,0.49202005891,0.176368956976,0.29834406204;50 +0.434332010766,0.771841230708,0.285398437995,0.0416825177454,0.846381404299,0.855040972932,0.0978309886064,0.995469639491,0.436780261284,0.523703222553,0.136748466298,0.593547777247,0.176710565538,0.851107278615,0.361981735278,0.706241316333,0.268765523283,0.799912883682,0.669346115029,0.659403250425,0.799814495997,0.302564555619,0.0431470833809,0.383568324611,0.455441209819,0.944544816472,0.312906471385,0.0785618462071,0.0621082561606,0.0543318538467,0.590444012815,0.396682085176,0.817929742385,0.900346906051,0.695993874142,0.582808008329,0.720115047829,0.284936165347,0.0410068882307,0.886189581651,0.258435296239,0.760757543518,0.503463641908,0.296192042308,0.40981624356,0.679667903914,0.893087076941,0.558264057951,0.709612576135,0.641600925565,0.819104384675,0.359596987865,0.680820611269,0.0972806065241,0.770539074171,0.928976747777,0.959090664387,0.242227381341,0.106407550258,0.594868460501,0.367426684766,0.88512695223,0.252013705198,0.645000690459;0.685698688141,0.399444881958,0.50103959402,0.645212871416,0.690966935515,0.163543714919,0.500534374158,0.78845895788,0.821937734611,0.947800465062,0.101472659956,0.740406967255,0.913390400564,0.247742129876,0.931283985155,0.476970475747,0.929389418715,0.0590087339113,0.781154819406,0.450614288228,0.863456781567,0.484442754792,0.99238107664,0.116576748299,0.566275188801,0.974066047989,0.512626413862,0.789278793598,0.0812407331079,0.269057537218,0.986325752782,0.846510746943,0.874761952551,0.213771831404,0.867504998398,0.487467192111,0.702405732441,0.0419557213636,0.844004125683,0.863500764095,0.484176055107,0.418504751772,0.810017440576,0.609830445782,0.437605706519,0.682010113102,0.421077563754,0.810952878383,0.722848145671,0.255553660053,0.956451391687,0.158100504597,0.176597121285,0.363118161932,0.722231869987,0.450423394233,0.0793993566067,0.283901797561,0.613554374685,0.00922417047191,0.62707484768,0.228727651849,0.711375687432,0.19350693278;0.683127504117,0.394088236873,0.587160725625,0.695063413814,0.863712460835,0.0982935339118,0.0242671005226,0.801722067367,0.217940976241,0.610830633179,0.848701647546,0.48768633306,0.813389204416,0.778234483917,0.0554116356005,0.0764092024463,0.214935165575,0.932463324374,0.242683699599,0.948391352851,0.417040802694,0.2997079861,0.612092755179,0.217761873859,0.402719627751,0.357060147753,0.36322930352,0.679638039744,0.465482641117,0.538689349242,0.0599751115218,0.759744177584,0.32337535708,0.0620511435897,0.0746381543256,0.303515318083,0.260309815818,0.954514321559,0.0131435030144,0.813761669173,0.121638138008,0.175153857261,0.316521862558,0.618893262374,0.86654924727,0.682276510404,0.0177969722093,0.452898369075,0.163522981892,0.947469337898,0.616090273814,0.63283064641,0.0652483347118,0.495364503087,0.77194283139,0.559747660666,0.128124016558,0.133979041415,0.965613117406,0.77187702564,0.949955211406,0.098088581535,0.811089963,0.383601058619;23 diff --git a/models/recall/youtube_dnn/data/test/small_data.txt b/models/recall/youtube_dnn/data/test/small_data.txt deleted file mode 100644 index c3c4cf5f84f66594e76603cce1f18d211ebd05a7..0000000000000000000000000000000000000000 --- a/models/recall/youtube_dnn/data/test/small_data.txt +++ /dev/null @@ -1,100 +0,0 @@ -4764,174,1 -4764,2958,0 -4764,452,0 -4764,1946,0 -4764,3208,0 -2044,2237,1 -2044,1998,0 -2044,328,0 -2044,1542,0 -2044,1932,0 -4276,65,1 -4276,3247,0 -4276,942,0 -4276,3666,0 -4276,2222,0 -3933,682,1 -3933,2451,0 -3933,3695,0 -3933,1643,0 -3933,3568,0 -1151,1265,1 -1151,118,0 -1151,2532,0 -1151,2083,0 -1151,2350,0 -1757,876,1 -1757,201,0 -1757,3633,0 -1757,1068,0 -1757,2549,0 -3370,276,1 -3370,2435,0 -3370,606,0 -3370,910,0 -3370,2146,0 -5137,1018,1 -5137,2163,0 -5137,3167,0 -5137,2315,0 -5137,3595,0 -3933,2831,1 -3933,2881,0 -3933,2949,0 -3933,3660,0 -3933,417,0 -3102,999,1 -3102,1902,0 -3102,2161,0 -3102,3042,0 -3102,1113,0 -2022,336,1 -2022,1672,0 -2022,2656,0 -2022,3649,0 -2022,883,0 -2664,655,1 -2664,3660,0 -2664,1711,0 -2664,3386,0 -2664,1668,0 -25,701,1 -25,32,0 -25,2482,0 -25,3177,0 -25,2767,0 -1738,1643,1 -1738,2187,0 -1738,228,0 -1738,650,0 -1738,3101,0 -5411,1241,1 -5411,2546,0 -5411,3019,0 -5411,3618,0 -5411,1674,0 -638,579,1 -638,3512,0 -638,783,0 -638,2111,0 -638,1880,0 -3554,200,1 -3554,2893,0 -3554,2428,0 -3554,969,0 -3554,2741,0 -4283,1074,1 -4283,3056,0 -4283,2032,0 -4283,405,0 -4283,1505,0 -5111,200,1 -5111,3488,0 -5111,477,0 -5111,2790,0 -5111,40,0 -3964,515,1 -3964,1528,0 -3964,2173,0 -3964,1701,0 -3964,2832,0 diff --git a/models/recall/youtube_dnn/data/train/data.txt b/models/recall/youtube_dnn/data/train/data.txt new file mode 100644 index 0000000000000000000000000000000000000000..b58cd47a140911d8c7ac1ff8e7e1f01c32334be6 --- /dev/null +++ b/models/recall/youtube_dnn/data/train/data.txt @@ -0,0 +1,128 @@ +0.274689412098,0.73018883866,0.953430004962,0.402571727827,0.653868014871,0.522307295787,0.301244926726,0.010545480815,0.991445952174,0.379429518853,0.55246684785,0.318749815764,0.388597978787,0.734937344896,0.551050398926,0.525285412264,0.456399462911,0.677172262928,0.630038194252,0.255763291379,0.755638589677,0.0586309258285,0.981101371818,0.84447179474,0.71087533679,0.741027343143,0.734441874781,0.303322302544,0.192576486336,0.941190127012,0.445295254379,0.720420975802,0.594917476312,0.259263653241,0.305295737164,0.961968935353,0.0616882098913,0.880530110802,0.172463576842,0.551323527167,0.129697094027,0.378022128685,0.0658076963582,0.947328600265,0.441169455195,0.0139459633647,0.644709091196,0.695081569035,0.660023126521,0.696315209585,0.469482279392,0.531800087633,0.453091229526,0.471249494911,0.800455129135,0.339295996006,0.691363785694,0.892606197645,0.924137347033,0.066281576396,0.335713223723,0.377883961909,0.0333925031707,0.833061153348;0.321773071162,0.558716295579,0.283914894426,0.777627641676,0.510283558449,0.312270782764,0.668555523356,0.462758844982,0.115945771771,0.491916626549,0.607598835561,0.824688803687,0.954297704971,0.265982521626,0.190630793754,0.312776082549,0.683177867859,0.721030794618,0.105898580417,0.702608534916,0.110814267947,0.433698819317,0.93705282347,0.21291936548,0.440852411253,0.870558738486,0.445519726325,0.380876151304,0.617061946785,0.0413098611007,0.912633525828,0.0535493430323,0.786158357385,0.628822008099,0.496279680553,0.228327193569,0.969330282156,0.372665138225,0.238863913178,0.952052690361,0.31407009283,0.064137887307,0.202285072144,0.164802590594,0.67661915717,0.165050020146,0.699842879747,0.768909090512,0.921872832221,0.855551881612,0.903996328649,0.222074637421,0.838421615599,0.718126163337,0.946645025518,0.277685067352,0.356804280015,0.292139897454,0.569553765474,0.446043023491,0.937614429649,0.080728788872,0.426707837802,0.254173491706;0.232399491376,0.897824300392,0.177132129442,0.651912816547,0.183366342723,0.679520919799,0.125074080396,0.987655515362,0.513776074689,0.545716018966,0.0627133388973,0.0875704895916,0.526337457238,0.391206024097,0.424715487641,0.470267302692,0.479035500763,0.441365228427,0.114184292074,0.10895009172,0.196162355529,0.988197430948,0.113330836216,0.965864497876,0.526945242578,0.313362562985,0.0394744411031,0.543887003491,0.363556154535,0.502145840419,0.919046573281,0.762209339304,0.474568021068,0.243070263282,0.43964065951,0.597243293144,0.593366345026,0.305226059717,0.125865203682,0.110070180547,0.842208704771,0.916139777476,0.772829418719,0.997404483687,0.549942923367,0.115652020426,0.12249595189,0.921357061307,0.989407701851,0.876014837202,0.0156383252207,0.715066882581,0.266351910904,0.309671393757,0.535059843396,0.933222364581,0.778698163809,0.145108663332,0.1960762349,0.521003868852,0.211973107933,0.366033150842,0.260136817117,0.848028619089;3 +0.649167335168,0.507212514327,0.54182123948,0.626835799038,0.936790625423,0.052873932465,0.0708137502416,0.695823642979,0.697569632671,0.0714266427132,0.743567179444,0.712863407447,0.733810600582,0.796792144283,0.48584170107,0.278321172677,0.0470389760278,0.0596023960101,0.269489994849,0.80042573024,0.532729990904,0.443667713801,0.159143410423,0.411643568152,0.522946226014,0.11095968726,0.0883677096273,0.65405282678,0.145123371561,0.989088454806,0.892106654875,0.264461130676,0.285560163089,0.760603707151,0.51845500675,0.59188624501,0.358657769268,0.45660383272,0.0319804867194,0.879052200377,0.315560268962,0.715309309426,0.561680672434,0.438351928626,0.577922356215,0.364151604807,0.613544769186,0.891326407652,0.870571910765,0.979032337856,0.866139164226,0.244392052971,0.617102438039,0.187545423524,0.0563347578263,0.911146674427,0.909813627786,0.759010752574,0.198015398776,0.726579173974,0.420325584845,0.241602367967,0.76648388437,0.924012469121;0.880573496586,0.0699477511309,0.351310806416,0.960753563572,0.313926035219,0.411033481793,0.664293657342,0.413181011846,0.400806141097,0.93413205757,0.809793097164,0.496129150779,0.596076816377,0.306703450479,0.912665395953,0.0101465274089,0.522595886785,0.309735174699,0.514054761362,0.611479537901,0.768219093823,0.0590662888807,0.0492285115821,0.0797522481334,0.908001571956,0.000403617223186,0.202481393837,0.547715697215,0.310709160424,0.337062933608,0.313359967404,0.0206379043786,0.593156014956,0.415706944849,0.346924260036,0.172899469244,0.847580702399,0.378837743129,0.930940358941,0.786345276291,0.755218175355,0.63107001419,0.501899493481,0.484041272928,0.349323992316,0.191878295442,0.875420790956,0.671618339831,0.735336064299,0.77456280175,0.847418462139,0.272801181085,0.902761654117,0.768535686673,0.647806039408,0.858159439737,0.34775727854,0.268265123067,0.822979884597,0.083294413565,0.246439626852,0.674806208527,0.139653138978,0.200343557837;0.0400460575696,0.362034551263,0.46948181033,0.651678051631,0.515502057348,0.490839427241,0.566318481758,0.53298157939,0.892371420304,0.539687903122,0.410874499453,0.643266536648,0.552565423967,0.747019489781,0.0409236948818,0.698080810566,0.148742272446,0.28810146093,0.975328929726,0.589486156869,0.185617847123,0.654815086013,0.769190736733,0.951806854216,0.453587717981,0.756720903965,0.108206981353,0.689640418621,0.726682313424,0.965703148963,0.448567464071,0.33808735107,0.298344635648,0.790379768692,0.907505752953,0.693498209816,0.976482223923,0.825945957225,0.260309502667,0.260181362652,0.841366130695,0.107014520318,0.898455616246,0.3634552997,0.511710680581,0.864617696658,0.620898526628,0.718221327195,0.828752501753,0.365716180867,0.50208790376,0.931052421158,0.778628276228,0.111478882875,0.907203104911,0.502629715999,0.164806447615,0.438084654264,0.325996906896,0.163199359518,0.915245886002,0.764907149663,0.178867058961,0.00702176181606;33 +0.262025369243,0.0578232047943,0.943074369125,0.72520993984,0.645619989819,0.705920219152,0.779303431246,0.414577612264,0.58973275432,0.437868597745,0.62806386254,0.967843255401,0.671385428456,0.625027375431,0.453514686013,0.912086169126,0.00337008652904,0.045041050504,0.15891747475,0.94025491068,0.00274348132606,0.595092023826,0.268432846037,0.220804353136,0.331102185173,0.247716883814,0.86300673922,0.826423418091,0.946371612606,0.0240180544232,0.0531069655991,0.105576314093,0.981440836432,0.280469749574,0.670834846681,0.0258042552383,0.47028332105,0.308423507047,0.197623485887,0.562230430953,0.0290699004704,0.350067621926,0.252561572541,0.17586851603,0.62416751693,0.099634132704,0.671064785549,0.118183111936,0.057192941751,0.0996176576971,0.494036970404,0.9101749909,0.855563999032,0.0663553956649,0.747296644276,0.877909237277,0.635048721464,0.658451089394,0.696526853426,0.65600974,0.861268501334,0.545868708126,0.635314198484,0.551527417934;0.946731689039,0.393354142649,0.914135520475,0.452206974984,0.585079378557,0.676546612401,0.918120403076,0.496489784511,0.00719814500375,0.145936882416,0.633016528488,0.848952555312,0.785783111615,0.00738642386866,0.478780288746,0.35142405943,0.355207106544,0.764890716614,0.0964830401269,0.974999468591,0.97859716742,0.666843593014,0.164481734871,0.965218354518,0.929233258821,0.596570500386,0.47718475143,0.34306082936,0.208398753765,0.874139664023,0.591624076282,0.14979942702,0.129859023946,0.529564827587,0.99014562602,0.939365504208,0.0238066678447,0.00122299927055,0.738100286813,0.125233803671,0.222244776283,0.30788549038,0.521398810269,0.946092892132,0.415718894641,0.796746278938,0.864110410078,0.826743256789,0.145595959174,0.233384181275,0.879467159294,0.581720001972,0.0312765012401,0.601307410085,0.776457841634,0.62215117794,0.61896776121,0.0515518145122,0.57713898858,0.343444257701,0.457694094375,0.286042726161,0.626445541378,0.0440620814401;0.465110046898,0.712305777498,0.817648542782,0.368510664348,0.624610447171,0.474405974024,0.343733504937,0.101899017743,0.606366599688,0.332633150683,0.298459717833,0.656031117214,0.13349618572,0.100002304127,0.0222275909103,0.0251772858978,0.602716242686,0.913118603001,0.510606742791,0.471075517566,0.281681608348,0.63105043993,0.235671715134,0.800367353554,0.0385046066268,0.0611603769519,0.582058931228,0.519203542509,0.8948971739,0.478380938156,0.77476825944,0.24568239266,0.512121506997,0.411063610997,0.612299016748,0.595417333994,0.106462718817,0.203262085426,0.542207592082,0.526957141953,0.754710103042,0.441910366035,0.797549929011,0.549057942343,0.57687476647,0.294127645187,0.927606911087,0.129168483618,0.935817297178,0.99145499359,0.0923875912461,0.917725510982,0.538981834324,0.445226515695,0.892645857614,0.430162446942,0.811197141082,0.296563978308,0.468876912702,0.933472638187,0.0302315694642,0.257397219479,0.12799779055,0.0370252461812;92 +0.298570268928,0.770624511719,0.933320552408,0.61655610756,0.807805728537,0.319773541777,0.955701922636,0.291564835702,0.775674627084,0.380099296751,0.712316121117,0.913676520821,0.835513472079,0.820984885878,0.01073886437,0.399240936804,0.846252759639,0.0691828190857,0.261304235831,0.264232606313,0.530307376405,0.697868376065,0.463009205463,0.149821184481,0.369148530531,0.53802776034,0.214076131804,0.129777877321,0.249805262769,0.981847699383,0.495851216655,0.423217904866,0.311703922573,0.686027700154,0.0316966326467,0.475268739336,0.526047962012,0.282179173736,0.642776085181,0.738762068768,0.586215455255,0.331590621507,0.167683295685,0.78915461326,0.517851509335,0.0175272293959,0.953771521998,0.0210069390382,0.240254418913,0.839824410698,0.552888062879,0.562634076145,0.147955221692,0.514397468995,0.39560067242,0.89413223116,0.70935855984,0.956679222806,0.156972659723,0.0435954028569,0.755744764085,0.985143479149,0.604218805817,0.793479906483;0.483565179202,0.585130282324,0.617146852294,0.80690344688,0.520135328122,0.423041135512,0.797492522397,0.881396906599,0.472813063841,0.748094835807,0.943738534153,0.918368597183,0.38808491371,0.966187401875,0.940683612588,0.428371874125,0.682818530138,0.0545355120512,0.139445740211,0.955104366554,0.811364956388,0.794808905138,0.775084140702,0.267213128756,0.141317160827,0.541003791385,0.216499981656,0.776314700979,0.293850961909,0.175000567559,0.0417645840259,0.47721437228,0.31944065315,0.527389048661,0.289891161462,0.437441373433,0.967055153631,0.52626521293,0.758461336344,0.156458701989,0.701247293405,0.553916035115,0.471524011611,0.815667039459,0.190673284096,0.139002876129,0.127762773532,0.140787826443,0.39322599848,0.929802023805,0.866267102625,0.794425377332,0.931606227393,0.75795746322,0.0529752432111,0.676766681847,0.444495384104,0.591576196783,0.0349099145253,0.611663778735,0.966953444864,0.742682280876,0.144434329566,0.513180938129;0.367420262684,0.108747277734,0.649238544315,0.253961204645,0.188562298075,0.429703414606,0.486481775287,0.308617830876,0.349441904566,0.714609370142,0.723536352112,0.457966328516,0.556420592894,0.489724203014,0.779909113916,0.655514637389,0.701267201545,0.120003247947,0.109562961885,0.799798826398,0.859165208122,0.233117948408,0.95396979843,0.553835057307,0.719887373157,0.911376800033,0.488849143729,0.74183651222,0.638186363962,0.384896744931,0.197716464524,0.866141403928,0.087676731572,0.779095485154,0.740968564032,0.966565545283,0.23690306489,0.217269866801,0.966158259826,0.733305014023,0.71114941025,0.0545572121997,0.274389633054,0.437330443117,0.236150824329,0.806376866782,0.120986815727,0.927151027152,0.308645722675,0.254302413383,0.394536069781,0.178034866331,0.757952205488,0.877949438908,0.0564615662344,0.843866381428,0.141943363534,0.359371902102,0.0321164468697,0.843632132497,0.0865384881951,0.51309736069,0.710281318633,0.186249266914;97 +0.25438096939,0.896888202149,0.628706422156,0.362868589069,0.556025391547,0.762375895855,0.0917606699653,0.938113571167,0.850617094687,0.120298377771,0.828356697573,0.168320049236,0.203622938323,0.759410153778,0.246138311042,0.0040282263035,0.637712501926,0.223292047643,0.701547772967,0.157981402469,0.185550849194,0.181020338298,0.76432195923,0.131163838107,0.945835375471,0.918537992968,0.00720119068166,0.964575247221,0.657282806229,0.996085970182,0.210720203988,0.904500827108,0.0219514811827,0.738174335449,0.409333055577,0.430976250666,0.988048262045,0.254119537503,0.574676201475,0.865517712025,0.990516695772,0.385372863175,0.0404323190601,0.772467334412,0.86973188319,0.469019498882,0.040601781065,0.114335594497,0.0729568447762,0.390009157588,0.736458590511,0.187063554752,0.819821376463,0.161403176749,0.593191417875,0.469937471638,0.0592695294897,0.305606345949,0.126701728824,0.248208101798,0.0945491035922,0.453626158486,0.777970555993,0.455639472666;0.847709418254,0.4514001307,0.182502925668,0.306614353525,0.830773668984,0.327147002536,0.42343948311,0.0766766501325,0.600561587642,0.129256975259,0.209304770849,0.737711005833,0.755629169869,0.922698537445,0.27536905561,0.740011016254,0.736406427375,0.76414858125,0.996331544147,0.935848879378,0.892835844263,0.992871804561,0.085025765109,0.329500752744,0.564754410166,0.460855847858,0.968906984887,0.924588317445,0.984883927584,0.621650928364,0.738325676822,0.140387836422,0.992884297692,0.389955179266,0.212480011423,0.397912944859,0.965634823863,0.476319881745,0.113620635317,0.374253247469,0.230547147353,0.313986844855,0.656212366347,0.26886734843,0.00245248433474,0.0500547466843,0.81543607742,0.614574322729,0.0199595689034,0.506939392962,0.0799150494734,0.0574058127507,0.0318881163635,0.272965980732,0.191875606155,0.174399499832,0.239215071673,0.112640260489,0.871353402464,0.860558510543,0.38106801211,0.963272341998,0.38012584029,0.166426209528;0.837971387657,0.246262286389,0.492204172862,0.161616927617,0.155214240023,0.240645216705,0.494282543396,0.374801151917,0.838255195336,0.486597365978,0.604901628819,0.767810746547,0.76905586057,0.0484704588244,0.86571316086,0.348155456276,0.864441108582,0.93636209335,0.288896060544,0.174269424685,0.868933835875,0.142766142004,0.586978406834,0.828014949572,0.320541665527,0.741380126962,0.4728531649,0.519376969877,0.905813888497,0.189185722537,0.213329429426,0.892766062038,0.680023037255,0.851716925041,0.45531777022,0.170240405434,0.525149849235,0.0356509638352,0.307123160779,0.592798964858,0.300116926872,0.470943705924,0.00311816889391,0.862527890232,0.765411978134,0.83925117447,0.360438764056,0.775703534277,0.519283720288,0.768584847596,0.925244583589,0.00427489581177,0.238150563947,0.928541140911,0.363572336131,0.342907299153,0.240787719452,0.20868587276,0.198839030282,0.773653433821,0.283833114722,0.873586974453,0.909796324769,0.78125153853;44 +0.331349316448,0.375915376359,0.383488611165,0.230613698859,0.679385785339,0.167906400611,0.853940287498,0.0495909920885,0.513125744558,0.692261653445,0.771517634423,0.851060671846,0.703665732995,0.197155384177,0.619084386283,0.879187076721,0.843717962963,0.14439984314,0.341300261136,0.172323782466,0.798126800324,0.445852357103,0.915059877433,0.827839351524,0.769851631895,0.434120120404,0.245071128687,0.832447984194,0.208792344118,0.0136291693008,0.988255743918,0.347502647189,0.091244451715,0.776275911927,0.00748657382458,0.626811929802,0.918785388403,0.75554463332,0.306597362625,0.817633054475,0.402548648917,0.911947187759,0.864197320321,0.292669472301,0.795236017792,0.802371692103,0.703439132877,0.462919124489,0.058672551835,0.739287250027,0.0166253606446,0.217744363918,0.151216645181,0.318539729061,0.7921963287,0.487292241371,0.406238319862,0.387171988033,0.477171438058,0.0732370155316,0.871236600886,0.123467620793,0.953142826742,0.0913126761691;0.672028291593,0.258960968508,0.431999453327,0.922434125863,0.881619922148,0.81294167386,0.903937292287,0.770186797923,0.781151565548,0.577226779753,0.0658406933273,0.103840477682,0.43350792902,0.528304557219,0.59054644478,0.696589625716,0.865781831445,0.44465392961,0.980612884626,0.292546085534,0.794120154164,0.297960820985,0.53624236455,0.773936223916,0.785826033653,0.633662688115,0.308431399712,0.275128625286,0.216495521237,0.852760029136,0.0697918257397,0.055636134101,0.874016153008,0.0435593955881,0.863146591761,0.445400299695,0.79233338431,0.490664989874,0.646949088763,0.633309700587,0.959496975698,0.898544430674,0.968830969037,0.158333002694,0.221368688128,0.264113589441,0.834990697034,0.408746736468,0.821262280048,0.331443292804,0.540521392776,0.32807165743,0.790271154468,0.770306758153,0.0535214298853,0.889289372736,0.793345615914,0.842421445769,0.144013354274,0.119146330561,0.370177499265,0.940086103774,0.839882348302,0.132617021456;0.89316257999,0.954486604647,0.227693142958,0.138949528391,0.261577569693,0.496141012218,0.488631312126,0.513258176982,0.975419966841,0.249336248224,0.145231312309,0.153827622406,0.670063363798,0.611056405799,0.467434703969,0.890296267175,0.138941251769,0.495172781659,0.623563860914,0.40328514955,0.275288327142,0.128428208456,0.257377014379,0.00205285486,0.609102235852,0.724808435381,0.00988119678693,0.599995772605,0.245916203738,0.339599944032,0.00211675632563,0.398153949084,0.481371138893,0.960190891593,0.37695211946,0.848784224957,0.0165532492311,0.420157332931,0.902021097823,0.542648263166,0.533612416753,0.504093813641,0.855625402075,0.368672830632,0.652468909618,0.708315671737,0.218946372645,0.975826801462,0.666553814622,0.11320004655,0.512098023712,0.786916781443,0.741851056824,0.970104035228,0.447997433288,0.053941334119,0.499767225099,0.0856040398005,0.692244067639,0.233191977544,0.080890325768,0.795045141584,0.14638586784,0.373644132472;58 +0.439340087064,0.438037791625,0.99074332854,0.156812994194,0.354573041549,0.200804267025,0.26880978855,0.612763583933,0.0115691351117,0.87186794142,0.604733686397,0.854891164093,0.308073618899,0.0578969611143,0.3345047099,0.744577488464,0.414874372186,0.826377891606,0.986534329111,0.877383559743,0.520799293933,0.200517629843,0.993615947675,0.904464682288,0.278921884125,0.358576651575,0.289491225758,0.609271487833,0.680893523934,0.448592496838,0.740590266076,0.702969473365,0.32187333382,0.988086513123,0.351383135247,0.632413927428,0.395426233594,0.686104242109,0.0429011108576,0.21993902795,0.548115997307,0.81559426097,0.725541298948,0.173024748565,0.0680776759167,0.236852868031,0.212090122522,0.618186255241,0.841664986964,0.488184354761,0.77064345271,0.150027296026,0.846472131476,0.010292729439,0.5720785366,0.484251822386,0.705783656683,0.875818169101,0.0097639894407,0.930675087225,0.0437279406507,0.321139683995,0.221141293853,0.0975126565865;0.623191375287,0.75137890903,0.694315453484,0.193498096113,0.159307846738,0.3276581428,0.655613295958,0.470246368586,0.713310953573,0.43725713887,0.840719997899,0.357270864718,0.0479704418326,0.447495525586,0.778244940413,0.0880472169512,0.92426503107,0.367047453368,0.713473983843,0.424285345152,0.132537820873,0.617185452634,0.680852688319,0.205250078083,0.34809812604,0.453684468745,0.572626563041,0.963869437608,0.825976901008,0.531650792552,0.993982635864,0.139020146375,0.667059524692,0.769799411295,0.158769494743,0.41560109852,0.197284403829,0.719980571476,0.0876169383646,0.76896208079,0.268585599937,0.0604005585408,0.893470561886,0.783985058456,0.916107115137,0.0100006854396,0.623931902118,0.713805812392,0.462452108533,0.755388705913,0.536146804177,0.94950262914,0.124738430151,0.902524293875,0.814370593674,0.737013931012,0.350167494733,0.891910401017,0.614874609054,0.651447797976,0.367759460974,0.681787201151,0.808763283013,0.329541779073;0.866734398145,0.879683910775,0.609575173615,0.437229084185,0.019193529057,0.363970743156,0.598062349005,0.181316636789,0.524120022755,0.45236753578,0.742220511196,0.789690362602,0.860768435382,0.0563523514926,0.397549413209,0.563249139969,0.142039583196,0.965557546132,0.792964943336,0.144981767062,0.0403323116896,0.222259882428,0.451829726862,0.628618098604,0.249057275513,0.878448649847,0.272979048766,0.872529851187,0.858766302732,0.0628248985467,0.619387510903,0.915632461437,0.168581408302,0.932718748136,0.134657393334,0.708370190638,0.845972183369,0.139208782475,0.407844017928,0.16917996243,0.380046354676,0.409506791973,0.996947137431,0.451515591551,0.939061009273,0.573256664785,0.532199429936,0.856987092097,0.549166437397,0.540195582906,0.0188226587597,0.199399765599,0.106617967938,0.965442363537,0.00107574369116,0.624346830551,0.404618164342,0.996574738006,0.203406617866,0.0620024958445,0.475665792106,0.75558739981,0.40377947896,0.522311621081;15 +0.92515078255,0.902397620069,0.985913702573,0.730228213127,0.766972758237,0.405526168043,0.51955074368,0.795025944606,0.106984380398,0.207246090278,0.278816491917,0.248113514322,0.65529341665,0.158392782929,0.565269186068,0.0228110828958,0.620469244481,0.143901588081,0.553036193205,0.872049292223,0.87551066904,0.0810912510409,0.89484364922,0.443841067785,0.371275171515,0.706081551043,0.0750757710457,0.985191341915,0.350613382571,0.0172271458456,0.268484193358,0.0558310885214,0.343334217201,0.143065212648,0.962901636584,0.773551172425,0.19787762029,0.211234766573,0.0566950999466,0.93470100496,0.409132263409,0.0120932155334,0.505166302788,0.78558908802,0.577205213864,0.150234561973,0.615907052816,0.976763356219,0.593269740251,0.588893745526,0.624234368644,0.637073692797,0.577024192747,0.862851316094,0.832618278485,0.195473808105,0.67690453315,0.0227085535552,0.821386646555,0.913651243831,0.115782777699,0.289024884319,0.506738322998,0.578470859032;0.368522499128,0.139367134474,0.458645095091,0.412713863034,0.66412480464,0.597742321172,0.0511155870496,0.50697376933,0.159748748757,0.219724702824,0.674376087689,0.882429322222,0.481013074683,0.599204962133,0.23127851974,0.906109034869,0.686917352688,0.383044073963,0.644510109469,0.894700885737,0.381517931827,0.77835242665,0.18976988805,0.559560075582,0.547233615136,0.630362467267,0.44301701957,0.668449779565,0.06545340185,0.144689261352,0.987851190634,0.259895985627,0.635778311722,0.221456827872,0.266253533564,0.148570265979,0.2097239811,0.441193351941,0.612313871107,0.487492994072,0.532870585198,0.0659887448021,0.573243432496,0.657102787956,0.539313483201,0.209587651538,0.772311109224,0.624603146529,0.872604903301,0.477690356096,0.762230969374,0.314151748419,0.60401657628,0.858848435175,0.805658980909,0.161502600625,0.186898511682,0.725055605934,0.722103048808,0.636222996753,0.587619777099,0.323989809864,0.124605102664,0.662183852701;0.285168632994,0.793050195872,0.192362850418,0.382883306613,0.849528025626,0.881200954544,0.190588724749,0.0936090288426,0.189041610339,0.905488436756,0.121924963319,0.722261461816,0.583511769794,0.00953368374644,0.295062045613,0.301888602048,0.750225387193,0.371973719129,0.0459343135703,0.322419165052,0.698298202116,0.489140130925,0.122206460799,0.875594981272,0.679205468189,0.466203018798,0.0592436649237,0.350208843726,0.665040857965,0.180927610714,0.761119223594,0.482131841416,0.106168100777,0.320724664333,0.298544334154,0.494602681765,0.173838781952,0.366673346654,0.719098693792,0.578923308255,0.860553665492,0.288591627636,0.162294936983,0.921686232136,0.721886468005,0.633001399386,0.631339661369,0.062042823239,0.375266732255,0.213961513055,0.566667150565,0.621257668588,0.346169804681,0.890149938408,0.254458991429,0.960537869065,0.369474469931,0.2894915445,0.436836742574,0.335582057097,0.36107141593,0.210791004643,0.890820295934,0.819676651843;48 +0.700907039674,0.197155934874,0.564441508093,0.304899909222,0.742011297175,0.482826193927,0.696312996299,0.600247744923,0.319351793497,0.603106470568,0.378805012644,0.2671893404,0.14463594996,0.974888035083,0.883234124789,0.09288438248,0.0598387698649,0.319406754763,0.343742837894,0.0673997757865,0.095021653311,0.536939996282,0.0244063803046,0.10570377728,0.748458014924,0.212283169386,0.453066845396,0.122976098444,0.93783310197,0.493042238678,0.180107765845,0.376338449479,0.379885929389,0.333037259472,0.342601488644,0.159266247538,0.146565963543,0.899506481578,0.601565435945,0.950553618188,0.269454618956,0.126615821483,0.611373094102,0.169471523832,0.199652575569,0.771546909562,0.342785145921,0.882956275689,0.704871306132,0.549151999238,0.14814513616,0.601600873824,0.300727543358,0.834031736548,0.984421640381,0.788436830767,0.906776227757,0.736077194187,0.971327946346,0.290189149652,0.803734552617,0.502240720373,0.894678061195,0.953227685764;0.380056504868,0.855036382351,0.798106212154,0.965186230658,0.55480550508,0.463600245919,0.957318496128,0.611689115995,0.143077116865,0.0485520824753,0.821372493288,0.712413088624,0.0817051829679,0.771409371725,0.0652515026728,0.551735829201,0.277660712949,0.779500799458,0.488129339831,0.835794861252,0.764646339485,0.0849125531224,0.388046800695,0.675247594164,0.426188790003,0.898314306144,0.823875403671,0.338989601046,0.638495739749,0.419216002519,0.605424552796,0.611141293432,0.471442341797,0.619474523869,0.874829471444,0.281683944027,0.963678602909,0.270287808158,0.102056045784,0.988190986799,0.9636741048,0.775772869454,0.21278186625,0.269338551346,0.615769685457,0.41957014447,0.744238760792,0.475738899142,0.908445554139,0.32556350344,0.308253720666,0.929126757879,0.530975560172,0.619216537023,0.426394400365,0.544983439064,0.464343328516,0.299352513121,0.96769550027,0.900179801344,0.745275879011,0.435116095784,0.689403415759,0.538714485031;0.552032762604,0.109397279325,0.734522996773,0.201071668921,0.144638288459,0.0771862049901,0.409948300226,0.695495828172,0.291420848404,0.301254209811,0.310244572266,0.0710702356444,0.418882933351,0.630514350214,0.526484881453,0.51653923014,0.178751122124,0.717460082649,0.198104948259,0.849147636683,0.532589130741,0.262675822973,0.845048659472,0.937950920765,0.115205955492,0.196217355033,0.79883277995,0.839911529543,0.9351982448,0.653691881257,0.709715132942,0.398416373092,0.656719574649,0.664616311158,0.86266138862,0.379330315619,0.522025225213,0.646716904426,0.691050832865,0.493576504264,0.355300007439,0.24858966498,0.687817745854,0.0868305584764,0.886282553059,0.104358002194,0.519357925213,0.361831486855,0.292506251093,0.274794421649,0.378271207445,0.734035542583,0.262137891101,0.860643458078,0.882842743454,0.398591963103,0.595364865001,0.099404646527,0.730451566119,0.020330238589,0.226834749525,0.129810714446,0.282272205867,0.561310344924;57 +0.119929119932,0.463995614702,0.264900797427,0.604297369571,0.335097703948,0.558020888532,0.792539177147,0.903043450515,0.783196918384,0.475622548043,0.267288412367,0.231308218221,0.483011042371,0.355815429202,0.750631511271,0.181766919684,0.677528938007,0.144836665585,0.778754754111,0.0294295084733,0.457752662627,0.83009778176,0.478502365339,0.935283223526,0.364382789641,0.14997696387,0.919876750389,0.96336457827,0.330625457398,0.479124340749,0.56040569883,0.330179424439,0.0301456076539,0.687346376637,0.74073156678,0.776688861193,0.113835163494,0.778478459008,0.212966383913,0.563462432058,0.423825755789,0.386515687962,0.276488638933,0.456837393767,0.353660790774,0.0466381256784,0.881859145845,0.414957615624,0.985448060777,0.104507092604,0.764633501247,0.80865038284,0.770209621642,0.0730998260417,0.155185774423,0.257540351682,0.596507040013,0.655968824151,0.613046333374,0.113288343391,0.0244605110123,0.587437501781,0.643576533543,0.320863267379;0.650460922079,0.822599343385,0.377940657132,0.0273253808794,0.942980765955,0.145014478941,0.335702293832,0.746200336331,0.56309190179,0.938007399786,0.645191298104,0.111551073893,0.119314794704,0.284081355801,0.526667996466,0.933494330536,0.450818816662,0.518126409674,0.603669419517,0.520882596753,0.49037990612,0.8875925486,0.969955983171,0.865340643354,0.20489726186,0.530289604611,0.744259461505,0.562636831318,0.116094171797,0.599628753107,0.098639020712,0.112130907373,0.90089775719,0.201218617873,0.686399778288,0.552185680263,0.485209534441,0.406482124216,0.393203807481,0.392118868595,0.662007860081,0.793692838172,0.141233358074,0.449658029468,0.703115400877,0.773920553716,0.738577455286,0.708924798397,0.578275898857,0.0490614509884,0.521981006829,0.332595480343,0.489555110753,0.921629698467,0.422922699922,0.650447388667,0.520402739343,0.787650172511,0.627595176656,0.881331944469,0.423658724571,0.238049103004,0.346959548576,0.495027704321;0.0366918145591,0.0164559707086,0.587691826404,0.851674292667,0.897076921141,0.335149712415,0.797355309245,0.0430177963207,0.248713551955,0.349386888437,0.676232011123,0.145746545818,0.996242554419,0.884391404287,0.50457051687,0.247891175622,0.855161480393,0.548427713988,0.272880386689,0.372625750198,0.905624340268,0.835006915569,0.467684318977,0.717719904322,0.51964856694,0.773224571002,0.103904881744,0.155449768415,0.884126817924,0.000488146185658,0.0144812113912,0.126303562679,0.928926038942,0.461424208149,0.492189630895,0.657209928796,0.654183697632,0.91182320321,0.419463156039,0.5293584507,0.776991091253,0.200764678521,0.594905926429,0.859559217901,0.196326866689,0.720565574899,0.760921186599,0.997668626236,0.408197615769,0.137473126811,0.0388925695896,0.981705394758,0.262981346972,0.356686238286,0.235598165592,0.225891686447,0.970724383438,0.0492813199468,0.267652966116,0.495784378053,0.193735927669,0.82358234002,0.304296729602,0.383166852002;11 +0.425124973891,0.330439278754,0.89839481019,0.49831977113,0.630529691841,0.0358264643087,0.936889037255,0.633398458315,0.331283714227,0.411695209255,0.890403657898,0.445675444935,0.22094523145,0.599674222971,0.877968618321,0.619950867533,0.064306708612,0.498987546045,0.0618511049216,0.998668012181,0.708347547069,0.0261452275995,0.153886268961,0.72520477939,0.685214957311,0.51887227347,0.696744574063,0.760657829237,0.0611168725566,0.552687253608,0.794320798716,0.0474708995481,0.27599046528,0.334768013162,0.342438489822,0.275195197338,0.0425838374059,0.370816733442,0.0321131401393,0.809518198954,0.514271795603,0.892976375586,0.378250897748,0.704012504671,0.80043236726,0.620960197548,0.353574127331,0.582904066433,0.270973357701,0.227770234458,0.480913935295,0.747691433116,0.0542441807506,0.325726696655,0.362804243793,0.360027184139,0.686326787017,0.927244725422,0.000564933666221,0.694982443575,0.613074810037,0.140663049274,0.366947745589,0.305689316681;0.731644792253,0.613250447791,0.952749808935,0.517070408458,0.484157630805,0.352428192813,0.376102170833,0.477738761754,0.998940834907,0.117243851549,0.850897677494,0.380446409579,0.409479971398,0.159153169174,0.493935077221,0.20163921275,0.350616338527,0.177416024139,0.597527943549,0.791171489516,0.313090170996,0.975931753044,0.864649334262,0.194151040213,0.881017030978,0.0976106324129,0.983250967128,0.928547629924,0.736096470132,0.63933735998,0.753647336089,0.104412757886,0.38952530891,0.00260156773781,0.810410252577,0.396019081632,0.808280148402,0.815395303613,0.359951895993,0.543624529788,0.306204087822,0.241541231138,0.626727891694,0.785036296338,0.32346896512,0.0389504768718,0.602833010736,0.0389477840673,0.422981695405,0.815995483563,0.23169811586,0.279825609411,0.474611596141,0.738053618735,0.786725100644,0.975769568376,0.438417981174,0.518998305941,0.542519736787,0.101961590542,0.0219318491173,0.233891067916,0.270665677465,0.551080106983;0.791861159431,0.111122745503,0.69709639171,0.110832679281,0.0776934153474,0.0498990229737,0.904790077639,0.0346562957944,0.671800883926,0.643005096938,0.00090019182969,0.625043543612,0.52449997058,0.383556097344,0.259228553432,0.38212580595,0.799405972964,0.483106563849,0.0510120120705,0.21786058994,0.736507513639,0.109827729971,0.870495392552,0.894452898339,0.761080146224,0.772087566655,0.264994859025,0.774680639317,0.465338931151,0.392860622675,0.261626730915,0.469723468767,0.754757142314,0.141467894315,0.71917037918,0.142539506378,0.749053835915,0.68653447649,0.0948502310003,0.00208165545269,0.153563157582,0.384191576361,0.107645691675,0.919442212929,0.992039945341,0.0881140437672,0.399796856199,0.13576442389,0.535193997649,0.473388744075,0.576861997247,0.179551845364,0.232014305413,0.876712744055,0.831591946989,0.319244407029,0.704288650073,0.879036444689,0.583423118356,0.810166640469,0.134395134275,0.488805816908,0.223614994684,0.117005344961;0 +0.0732649853638,0.616379505285,0.306816857429,0.961918930931,0.730804764038,0.0602436403944,0.392860547875,0.210090195373,0.181320521178,0.520877516061,0.672249518451,0.380654283605,0.0320231081329,0.752983910377,0.0807394127695,0.703330787345,0.206969259417,0.653122757966,0.922521440311,0.584597618904,0.849275281665,0.687960461475,0.490681880113,0.779070906554,0.554666625139,0.689627530341,0.944329473138,0.943267390143,0.267935597875,0.407142965259,0.788992655933,0.933238878648,0.0856959628547,0.843540588555,0.931148416525,0.342805263164,0.190935603334,0.662216371099,0.607408872703,0.927391476389,0.33399711152,0.444281137361,0.113245868392,0.876902001826,0.506100649714,0.626764583771,0.0319030241183,0.249280454531,0.916263572681,0.662519833911,0.0785065972744,0.730543380304,0.989320335482,0.0314685917056,0.0534435432422,0.535630762691,0.697065805,0.411488751897,0.133916500786,0.952980651563,0.368470327345,0.916418511962,0.150655273544,0.929213743921;0.567017490959,0.877411802055,0.430487011878,0.685047725583,0.323788986007,0.667344229214,0.735293135549,0.38771614481,0.789245561343,0.321838850091,0.477780300463,0.958267890775,0.474587796646,0.386378248021,0.304640009517,0.894171150065,0.66949612838,0.276615464668,0.188596549893,0.0203612235208,0.980394386419,0.255721000627,0.927618556337,0.560592000038,0.290065426392,0.392651544961,0.957375056918,0.830730374896,0.392576599202,0.187956055066,0.602510046467,0.846379166535,0.303262221691,0.132652979421,0.538214243778,0.281336926508,0.964696083871,0.491313787415,0.273293567113,0.370151079977,0.982393627554,0.761668189633,0.300571048866,0.0353556583194,0.159492136426,0.360871365687,0.499102781182,0.306876752875,0.773112031217,0.0989872448752,0.934790231476,0.941765291878,0.96809449005,0.382143611962,0.50457067688,0.1235628465,0.805120839713,0.82633931059,0.25115276749,0.287054162294,0.227192490216,0.826430590996,0.0173246360748,0.832425797258;0.499485197327,0.797678673877,0.346867924489,0.743927139624,0.113051466908,0.444298695405,0.377249439182,0.924107026355,0.605948747341,0.0260465573152,0.842911506436,0.829709348709,0.418402989729,0.464049781616,0.328231766735,0.94753006504,0.451283390591,0.79337570185,0.654849488332,0.109356615165,0.26466977272,0.870196434619,0.0268214662833,0.617150897252,0.610783290665,0.0987535681013,0.535476745043,0.357417587653,0.921819685924,0.886412548532,0.38273494057,0.499236715147,0.645949950491,0.433588021696,0.479898477557,0.595078165324,0.377266179883,0.271106976098,0.593067347843,0.746122076348,0.905190367957,0.36408442484,0.78817793341,0.150206912481,0.770528874451,0.780506700147,0.175452770626,0.292086538249,0.673443618373,0.600412652357,0.734017951319,0.566654957246,0.114393493194,0.0218040199626,0.65794331971,0.148000226396,0.848835575181,0.679088122505,0.838018715707,0.677253707026,0.701974750844,0.805231132964,0.448883855304,0.204099918214;88 +0.619477938073,0.699013598671,0.779898257679,0.979892404425,0.50843245949,0.899190865095,0.363114259641,0.191945829039,0.632210450755,0.755828090674,0.779738057648,0.45517554398,0.989693749284,0.32705401362,0.0774252743148,0.357377516503,0.634321664841,0.281043921219,0.437699140191,0.0830620081094,0.0635483535479,0.0430642793121,0.842067749443,0.0142854725138,0.558378084748,0.20102394453,0.280146338035,0.352226649281,0.206510487319,0.754964467255,0.880793797841,0.653665117919,0.204473234601,0.00232962568588,0.165169991282,0.505459514057,0.58402456094,0.362784485758,0.700010036835,0.692152706009,0.090157685987,0.736194568147,0.850659172228,0.75949544657,0.545591225333,0.385107540678,0.533044094986,0.824510782506,0.869600585056,0.909243484626,0.0212659235231,0.56758564806,0.514095479076,0.197310099741,0.599863800888,0.820516415501,0.631614999506,0.934239192513,0.845612362011,0.906067435546,0.926125924606,0.493012120256,0.555048481421,0.721071536712;0.447766595099,0.865600740003,0.553282600098,0.130850335376,0.616892597992,0.739841653831,0.176937687075,0.681913639303,0.624627200751,0.01584486384,0.764331013254,0.132996071757,0.652701037392,0.510717371533,0.0550364092789,0.378940136991,0.732565099908,0.93810220817,0.465038446373,0.0832789192166,0.932702104985,0.214106105168,0.425009571181,0.258186216107,0.333419717163,0.159788274219,0.565438449225,0.99602740339,0.988304308712,0.976692101774,0.42006348094,0.964551714579,0.0734715278446,0.988114506471,0.695130069002,0.385891457183,0.303271851433,0.464958192599,0.523750229069,0.826344243136,0.0386604046924,0.507583453837,0.631237799244,0.709748829701,0.963582430761,0.326982040023,0.381206339454,0.0798195315811,0.584975233554,0.0702950561861,0.134312604317,0.893283949984,0.945203991745,0.990372113057,0.423160023451,0.187619898913,0.339395641974,0.702861332584,0.967928564231,0.493954413089,0.00727799597556,0.715906341811,0.414598809646,0.791586561026;0.370917754759,0.465020853716,0.0462812119512,0.338060613086,0.24347095236,0.45193833666,0.407743911908,0.492081836256,0.385266897559,0.817585526993,0.749944673734,0.192723960523,0.261730260731,0.0333773757687,0.184858165753,0.100841841673,0.334754215338,0.650785152015,0.741234911691,0.17601989495,0.466533977902,0.0422280771335,0.588293589476,0.605609771011,0.649383037352,0.416260491688,0.778967948423,0.714612951411,0.686286983508,0.327396536291,0.0861021296382,0.171947262689,0.810997882186,0.0296796970082,0.212199221301,0.928247853669,0.820442755775,0.168401499914,0.984368130879,0.801176224834,0.267802597519,0.470787529901,0.713109222527,0.658920539227,0.800611674211,0.816315259222,0.493013593934,0.106960016144,0.808842144376,0.116221764398,0.613713068716,0.182531160753,0.482343861981,0.489248745374,0.603561139733,0.130230322082,0.570753623846,0.712543215371,0.11368709749,0.766217542302,0.40342853204,0.243417499627,0.656285872597,0.139363168192;6 +0.196129258962,0.889736947084,0.419743061966,0.0317778127566,0.443285371108,0.297769499604,0.463470840167,0.977593002231,0.91981202181,0.841586690643,0.180139627563,0.842730990493,0.78758700896,0.591607647255,0.563712582001,0.859971120782,0.464165558697,0.453330215937,0.35667612735,0.185298814215,0.076982383614,0.709212942427,0.203795317074,0.442009684116,0.628410936106,0.793731573474,0.81271498071,0.594181713351,0.676702502549,0.484519552117,0.326497959547,0.911726442702,0.591926239495,0.139180830633,0.664006431806,0.752377500683,0.156881296144,0.524970854551,0.148796867564,0.861458114968,0.918261925578,0.858073800252,0.116005869364,0.131391179269,0.593497431468,0.195618230772,0.929895878604,0.188786522055,0.962103807859,0.282230467188,0.0234647875861,0.456482305567,0.825254408685,0.00734766988985,0.40550670288,0.0905935948343,0.533221927568,0.910575167927,0.37240523058,0.273493704407,0.392960078007,0.532210796071,0.0740114964791,0.848891795327;0.41609477134,0.578196755429,0.068710233751,0.992978325525,0.481787237308,0.857693925822,0.141669783613,0.658272481707,0.634252040469,0.226690366185,0.12429187878,0.182907486004,0.278460501651,0.0330243446808,0.152915590933,0.0130120411272,0.326530019736,0.174272110759,0.658955805492,0.906063753294,0.327434557882,0.181135053001,0.621793834095,0.445779335561,0.59268814176,0.706587975671,0.503533531276,0.178132135355,0.355895749354,0.778203084445,0.434409964152,0.324039455395,0.477084038432,0.177187019977,0.665883986287,0.686446023052,0.331619141969,0.546860911022,0.292879494365,0.0568635745671,0.483780673457,0.769537676765,0.00585860355884,0.366706257152,0.851551639421,0.717191499058,0.476402348614,0.744004006285,0.826981600553,0.6232813143,0.361913848049,0.947070149106,0.289264971469,0.534776813704,0.368714215519,0.690439095234,0.860081863298,0.836804800011,0.966520592848,0.284572989887,0.0760787635128,0.304025333723,0.0810193180263,0.436733185077;0.136548602738,0.117337469288,0.512103617554,0.821567839016,0.810893637517,0.626988809834,0.474968939423,0.0724720313396,0.518211550716,0.528000908885,0.746238563437,0.940702674081,0.256323019348,0.594634392327,0.722695971179,0.756040604714,0.7710042818,0.0323569552739,0.701794652625,0.453897138829,0.727962480974,0.143451990753,0.426323998939,0.947391084569,0.42448519587,0.713406815037,0.50319678051,0.985671820575,0.575900424198,0.57100646885,0.37291089755,0.486873060601,0.261018447429,0.659165445975,0.180031224871,0.941649260723,0.446178474879,0.501741609835,0.826890149675,0.230540369205,0.218877137313,0.977855535947,0.576176106976,0.5219937298,0.592150877639,0.239583082021,0.77912302778,0.0729576064294,0.412513287745,0.986276855092,0.191568372108,0.515190702672,0.581273180705,0.966818698934,0.833524756882,0.0910686761249,0.501256957046,0.169686520738,0.634658914229,0.685757106687,0.854800878694,0.378692309555,0.68782165085,0.198741602695;8 +0.119196391504,0.745696247658,0.178998608352,0.468229116813,0.385850393223,0.900524700273,0.200836503042,0.503485667362,0.427189558976,0.867555579179,0.648919609148,0.28672040381,0.822888026328,0.177600439272,0.595618772831,0.216200108775,0.289224911019,0.0719384429685,0.993051975502,0.434398615,0.522230413767,0.549312438182,0.111896116951,0.0471575882103,0.230689819449,0.578463025535,0.829556182624,0.280010845065,0.56822980001,0.481313907757,0.114130329506,0.202233309447,0.972799856504,0.418147454318,0.905923595749,0.461545164952,0.940623886874,0.392823017772,0.941240436753,0.22069071742,0.229575944948,0.186839850526,0.808706510416,0.758174025379,0.511411631482,0.107320992507,0.943425958709,0.385389663911,0.643400215436,0.918559265433,0.917563356621,0.822918894619,0.950388040256,0.10019079277,0.342375813244,0.682241059114,0.690672470976,0.713473039771,0.984557816533,0.964697005769,0.555271800346,0.870175415229,0.993995140726,0.942672338365;0.435503074054,0.791721033841,0.712354543294,0.569889054246,0.506301151617,0.266356113536,0.00685650133728,0.00681911702427,0.827675889436,0.757335342414,0.729893936776,0.631841563082,0.665865918341,0.733834417478,0.51262165575,0.375449616611,0.399195199552,0.302783808932,0.39548627898,0.749818037482,0.826084266391,0.426575059073,0.656987865736,0.794254453529,0.442476523531,0.118565340657,0.108466185604,0.286801042536,0.0992763565785,0.716103596756,0.283123207012,0.0798625766636,0.560623515449,0.374001597207,0.888222734386,0.876650823029,0.17936944033,0.915750709313,0.993248821211,0.615404420598,0.793711453192,0.0458697513039,0.98478053015,0.322348918155,0.000284079503689,0.688114951467,0.440995250698,0.73000979678,0.422850868335,0.672518099081,0.42551689934,0.321038430324,0.517492092176,0.452939383655,0.917232264127,0.210048553225,0.455440128922,0.875139175668,0.965772737113,0.947300477746,0.782220779779,0.0966945441093,0.0131711100823,0.167057221098;0.227956290589,0.547439955458,0.635178922337,0.156752612752,0.320856109269,0.0693379705094,0.789695610542,0.310192477158,0.874449070255,0.819448009199,0.383797134176,0.709946977514,0.231321822708,0.816451152755,0.609779547138,0.657401357272,0.641320884558,0.975072335292,0.00927151775787,0.373124205069,0.366466950695,0.508439840579,0.359808098123,0.91568608472,0.868992223657,0.547652112229,0.547857181374,0.928551460652,0.926519145458,0.721421727434,0.988524865207,0.444992072881,0.429863129448,0.634683386112,0.718504862399,0.195126009075,0.0793708802703,0.0209021997396,0.219142951709,0.18834533546,0.763384606701,0.323935924087,0.0380627297625,0.571025370412,0.927227683026,0.752926261586,0.107748923359,0.191737250794,0.67538084386,0.665151452271,0.875680839848,0.417395842002,0.768995862641,0.69366877556,0.355288621552,0.107085856871,0.849983618525,0.502674608316,0.666233822866,0.658261327725,0.576985606133,0.378251490933,0.728046990904,0.241834239583;23 +0.396901136547,0.0424783429627,0.0139063527851,0.978688443584,0.783570319934,0.852638226858,0.185513927085,0.201248970057,0.878061115757,0.879349770046,0.677284610905,0.138546657489,0.937760088221,0.55176973932,0.566656097865,0.0210921207859,0.0893192253683,0.363772652385,0.259222748972,0.511490547241,0.783187814176,0.0795373545662,0.243320922011,0.146624088776,0.710060111381,0.0268054704024,0.97298561029,0.182185196915,0.589911236946,0.962872961809,0.678709263554,0.0182813012291,0.831451638725,0.351795101944,0.0698336795236,0.0287802202015,0.623057730861,0.554499548335,0.0318949609281,0.63503588669,0.000527689691437,0.773313228086,0.315452216442,0.111083228535,0.95750191684,0.494003489119,0.522477539707,0.387993653615,0.0127917816741,0.993157620749,0.939827315072,0.911586349215,0.961565974445,0.98470736605,0.452168901665,0.500618965073,0.251902092336,0.537810051164,0.14457265726,0.96264643021,0.33336766802,0.296064954602,0.480246948222,0.716838534144;0.842471282125,0.447219641512,0.799851046269,0.0696924774394,0.983611210996,0.380203497418,0.733444063456,0.627719096598,0.286111522875,0.791163711451,0.194745940241,0.401127573461,0.103184182587,0.0559506539202,0.606997591943,0.276039337221,0.929433758195,0.310606131562,0.853945430836,0.517196399749,0.156288144863,0.0482906108553,0.0940823735837,0.493137385819,0.905479958705,0.266085632339,0.224109293798,0.375765826495,0.234290048989,0.779877719772,0.66367926995,0.298409900502,0.685640658971,0.935496863417,0.0750631904891,0.725833719879,0.614588075885,0.193685857081,0.724918625522,0.153144283595,0.133096610731,0.271570018472,0.0264829875831,0.127872857323,0.585901147192,0.860276083164,0.692347929042,0.549025450009,0.758766250855,0.00334023489102,0.824575391836,0.326306252931,0.359158454101,0.601683539332,0.0846182920111,0.00748599755551,0.495685267553,0.586884016047,0.696762322885,0.520274597948,0.507841104293,0.816547431714,0.633533216154,0.29079847929;0.35505870499,0.484593491637,0.447388102544,0.145969497028,0.702011247693,0.585641176445,0.912917029359,0.921534682623,0.652216863906,0.782301418209,0.97023155576,0.618158182744,0.659955489115,0.97284914453,0.494989744554,0.200193360379,0.684732159403,0.754580070201,0.124256297529,0.380360057323,0.245129274869,0.146122975511,0.279648688966,0.167530232411,0.213236981322,0.0891773623236,0.643286416268,0.914365225977,0.558123179765,0.233965267671,0.331209866929,0.192491846643,0.432311580595,0.009929344604,0.85259050765,0.137974957751,0.232169225737,0.721901766934,0.178218583586,0.351672097267,0.539700841577,0.576201588947,0.950948774605,0.372524986892,0.00462151573258,0.823011977936,0.539220886681,0.470699808692,0.203174752671,0.61703333245,0.184323928342,0.921133326256,0.865803474578,0.49124271377,0.235309665065,0.2879469166,0.0180956972706,0.028447700219,0.22314885192,0.161309798276,0.897974549721,0.510072024392,0.187750833314,0.502268103712;54 +0.488258379441,0.71393691294,0.594635941857,0.817737121847,0.572300779775,0.638315170344,0.421048527231,0.527506804562,0.426616988066,0.725331298004,0.065248289164,0.436295641179,0.303458161911,0.635902439699,0.244653279633,0.881653164465,0.645619747967,0.965016390728,0.472422393271,0.0692082314107,0.453719379847,0.915718040331,0.295102942407,0.132808212333,0.247472107812,0.0644189430009,0.905735521822,0.129247598636,0.975964619249,0.577620191405,0.708378946405,0.74454116949,0.227099318939,0.444922423861,0.646796539214,0.667548477764,0.768244344323,0.283991140381,0.603306045954,0.205168461825,0.31882325311,0.341514148598,0.29782143515,0.224052676453,0.331502141195,0.592727406047,0.302325833715,0.52228360802,0.631045164432,0.0754612137056,0.268641695051,0.0214625167159,0.25629100484,0.500389261358,0.949076164868,0.930225031604,0.0533190247555,0.179043593856,0.71516734015,0.387347153279,0.179250686832,0.213892002434,0.223042136855,0.25400289691;0.468081313869,0.500559627052,0.822173412233,0.317260617166,0.360325284975,0.598405070163,0.900359634863,0.781142149906,0.556336612938,0.54515949038,0.827420657397,0.0779300169339,0.979983099552,0.910623761948,0.866167113266,0.541744959304,0.322532494164,0.117992234865,0.187121115921,0.680853097005,0.649934470378,0.327687223661,0.219627457451,0.601679802387,0.348651374818,0.746285593768,0.725005733347,0.0883262423508,0.303506060902,0.771728072115,0.950959322241,0.894582055646,0.501186202629,0.610480521894,0.630871009657,0.879695542514,0.437746713627,0.917151666973,0.634643375436,0.0684558450365,0.428836519907,0.751541439813,0.146555447349,0.8061790494,0.776923984868,0.666953894727,0.925771603933,0.77106491642,0.504353891412,0.582465450218,0.89116834373,0.519146056698,0.748390630889,0.351548006422,0.123182688511,0.444484793427,0.125288503349,0.931118024329,0.840455795994,0.305116912075,0.666879817912,0.138182780728,0.335720004146,0.563956932217;0.3563559776,0.851006691364,0.0250062298118,0.429118997351,0.915992291272,0.630863399579,0.476914971235,0.62471010694,0.0301261534514,0.0724458684161,0.544405865241,0.137931043337,0.716128500718,0.373358384444,0.373933162457,0.968863094181,0.115155253395,0.370789041314,0.745048167535,0.00362200593651,0.566566856816,0.120344987086,0.924884302198,0.351235196146,0.00574853012839,0.625180134558,0.730407980501,0.838571820525,0.49983450265,0.578688135697,0.980761400231,0.623850375925,0.869009872125,0.957822830987,0.373763926416,0.0775084420833,0.182037499997,0.94754603045,0.0859258657069,0.734975848307,0.281350731711,0.540121687973,0.360115258431,0.89098781936,0.208155564931,0.591354046938,0.244637397172,0.75762376873,0.851474006979,0.324437517966,0.720776254692,0.386735193259,0.919345742969,0.347274604464,0.942688371786,0.974199435381,0.659644039265,0.754154187192,0.823493889759,0.372688713704,0.912378918847,0.590618700614,0.719028706429,0.0245580576192;67 +0.681932681777,0.999619902271,0.868405105056,0.410688085161,0.745998171297,0.911716707641,0.192510500811,0.416655124719,0.518990597664,0.463207657849,0.178648507967,0.0407824468716,0.455465357335,0.876582722804,0.00891773151112,0.448301696057,0.209505613871,0.509007534345,0.949683939687,0.369365723459,0.190095209306,0.505101055314,0.115646015007,0.56441344867,0.4816959315,0.903504481354,0.368308061245,0.369802799495,0.516460973293,0.492526753978,0.929322843822,0.780710068296,0.746830575932,0.782285876418,0.842569352353,0.591117234527,0.279661205413,0.492600515988,0.236212239781,0.133096957827,0.0728448112732,0.910154842308,0.136498150447,0.554673742677,0.584616045269,0.752765158026,0.472758985748,0.150681376248,0.319108642872,0.900934231025,0.207784553998,0.783506271536,0.759752482315,0.358965116249,0.590345929532,0.17257753202,0.282621044623,0.528046848453,0.878934591211,0.244946114421,0.553993059048,0.186405660345,0.214428370544,0.548006145348;0.515374021053,0.797957912007,0.0231394577599,0.9940186137,0.60768938255,0.855052737553,0.575710169287,0.860327965902,0.149797899436,0.206501862232,0.121370851377,0.203234905692,0.43670434785,0.184480224092,0.665588096276,0.767048896897,0.520158750156,0.0384191882325,0.831797224897,0.183531208507,0.0144030037667,0.986570960837,0.810449643211,0.343536896628,0.0459425854617,0.024285134015,0.485897322583,0.13953677065,0.251693972223,0.880541127996,0.888416483561,0.364009534165,0.636223227834,0.0017359230966,0.414282772168,0.841043887065,0.464310056942,0.735583167918,0.0822913361218,0.333124352294,0.208781264072,0.827907812152,0.780474069755,0.646997296833,0.0284371485483,0.685970448508,0.702002636437,0.7461153,0.570891405917,0.745710098756,0.0220251440249,0.0838323906579,0.99195417538,0.454210566763,0.293328225006,0.447885284607,0.0613577733294,0.729751740635,0.651363355171,0.790358440484,0.32728735318,0.255194389681,0.384123291728,0.873099537614;0.00558076403474,0.944960348279,0.78713654808,0.532573939609,0.7763257797,0.823838533831,0.225604038399,0.219547321234,0.011436682462,0.482353913434,0.78813946539,0.800116616805,0.992343298901,0.10041976864,0.957336909566,0.277309248474,0.180554588606,0.272249555101,0.346367451402,0.85461009562,0.151017033651,0.698002607886,0.144609920337,0.54928610718,0.776018163488,0.244350915674,0.272574969452,0.160136681659,0.50384738643,0.876687807181,0.0852919734219,0.670912275009,0.629486214431,0.762555838168,0.363073229695,0.946870619833,0.798194393952,0.236067621675,0.364586370916,0.172684461396,0.714937018378,0.135450427036,0.935632509158,0.520118704343,0.337259437103,0.325156596563,0.727078723511,0.921853017935,0.358273296235,0.267944644058,0.0646333424513,0.480169330995,0.18499621813,0.302602020304,0.385968150776,0.447309811851,0.856772435421,0.382074842005,0.984570059795,0.805689224084,0.100160203887,0.669975271067,0.436506037511,0.757704609308;42 +0.884280369946,0.109856442581,0.0473523465296,0.402615987536,0.342213223413,0.825349748242,0.0535596818372,0.718776958721,0.92620350033,0.36892100717,0.881504976398,0.992114351786,0.566162164572,0.723000130696,0.307101062435,0.799812942729,0.885986032496,0.292924487885,0.478254286661,0.26616042074,0.70426537314,0.919955996655,0.889141270118,0.110126116883,0.109331881227,0.728403783759,0.103389581037,0.658771225098,0.822824695215,0.976281639657,0.722045049391,0.721074314357,0.349668731054,0.528786151183,0.450560115982,0.165681197263,0.786436787962,0.658861320388,0.216648673047,0.268863097349,0.725537773386,0.220317486041,0.292391575049,0.181092956311,0.423852639905,0.355405739895,0.282966473866,0.728109637946,0.134806291201,0.872229284216,0.0712985357414,0.17636712971,0.0602590136771,0.523837260527,0.38674995549,0.848618509013,0.927118343498,0.404614308553,0.344325055797,0.315737279386,0.789133172508,0.236613458474,0.354300099408,0.654656152613;0.125875642677,0.34126791751,0.413172288725,0.975230916776,0.711915209693,0.29125074735,0.450074324133,0.477864563616,0.148516347323,0.0291081413079,0.93936131653,0.961394947131,0.214285066646,0.050574857705,0.315000178869,0.16832121879,0.0448956022592,0.248927531535,0.921035475763,0.0643846837018,0.175017031138,0.508560233876,0.144810683668,0.745396224851,0.617811934325,0.0636894624874,0.37854711602,0.722340191864,0.764082793314,0.79567581029,0.433349487798,0.0295806174986,0.358904358785,0.558317740537,0.626074903686,0.181569911849,0.829523185897,0.207194708332,0.27914063018,0.731292575623,0.670131679716,0.650395934818,0.765376522301,0.0312362419931,0.765370217282,0.617143428657,0.449697325985,0.0166165281334,0.361574544004,0.670830573032,0.589104792275,0.397684202711,0.828357011411,0.696804502421,0.0253365735838,0.865348470622,0.898833164712,0.514125354579,0.698780237807,0.929619919321,0.919451907959,0.240616873008,0.850499523598,0.106671276562;0.0452189062471,0.929012178296,0.316013152554,0.877305359704,0.0130277393084,0.0914390813964,0.559037927809,0.721725904102,0.0700546427622,0.315083228544,0.196065944051,0.507579416834,0.188315415151,0.440831572792,0.468511772194,0.830889018766,0.715911938559,0.596928970136,0.447331428258,0.691178520094,0.41347486536,0.192345529866,0.892387854272,0.511571216844,0.569038318416,0.963167714078,0.494347506719,0.283324012898,0.432002301544,0.33055592597,0.106163452637,0.29854639855,0.860486067523,0.102404331324,0.270747271277,0.392871149472,0.519812799728,0.280608672427,0.317886806202,0.396744454459,0.0119514785276,0.740791698695,0.186082573972,0.0636974221073,0.613726539794,0.295162936364,0.645104179126,0.663538944193,0.891100535554,0.684024016703,0.309281119077,0.679534410968,0.412408077162,0.251873715821,0.277772581929,0.75054314883,0.342901216054,0.651977998735,0.103439273358,0.552611961528,0.836638113016,0.471526131896,0.355576716175,0.804718859358;32 +0.947000164086,0.134858333081,0.70069272451,0.0864822224989,0.697216064691,0.954878452412,0.582099757603,0.235959425517,0.364805344606,0.0961578328882,0.0354433260246,0.710984946596,0.481312400228,0.107288454113,0.624533817105,0.477279952989,0.579941175552,0.686163946372,0.109455300257,0.495900346394,0.58166527913,0.578227610922,0.974006480866,0.851156132627,0.577613562462,0.918896883731,0.564252340562,0.931300274742,0.607935217678,0.379201002596,0.0597676410534,0.855948827063,0.411369785842,0.852940081456,0.338130395813,0.797193985405,0.494470443737,0.209796630279,0.112527811233,0.405956817655,0.677923460336,0.757756967233,0.731398762178,0.283173933629,0.313823130574,0.594073084414,0.159428498751,0.203694353177,0.0801086832725,0.306973097449,0.629424160865,0.699116561345,0.854884040291,0.659716132944,0.847077986467,0.800237462148,0.738729055212,0.395192981554,0.0501561501831,0.161277624844,0.352170374645,0.973937508536,0.688464032972,0.0456727332282;0.257069875834,0.53293472887,0.145281960605,0.597417175323,0.993693654359,0.809341068585,0.587910087961,0.922424269656,0.880284836586,0.548454115059,0.953474098005,0.919489083817,0.597524942622,0.466030501606,0.66702732259,0.895040074066,0.950524319646,0.812595723691,0.0444803512933,0.584585801337,0.52304243666,0.853990206059,0.545101503628,0.94711893688,0.142853334981,0.454882138726,0.982430517253,0.571022576691,0.534191008631,0.803955140209,0.286611524177,0.773115804294,0.993495988005,0.548226654231,0.875535607581,0.0433875097546,0.0867651568104,0.669896267163,0.00488368596996,0.998973379367,0.309867284018,0.345581839714,0.526422058015,0.366997579993,0.194450506318,0.554753488776,0.0468360662967,0.63833968617,0.00649573831149,0.749567134612,0.38995158444,0.256520808566,0.308488591217,0.93690988518,0.291840319925,0.526298209637,0.821984239192,0.0831545611004,0.774110492659,0.319070438656,0.588494318478,0.289584080701,0.0119427275601,0.800737303795;0.955973529141,0.0216665525034,0.853021331266,0.313054863339,0.833668593206,0.880998414978,0.6397881579,0.253281062548,0.979180442026,0.0506329663266,0.0284729505257,0.761319485283,0.489596799703,0.590316283244,0.510558464757,0.85840634421,0.135894584465,0.693502456039,0.45311245027,0.914300511528,0.906160536061,0.0255109587586,0.199569885447,0.413098411347,0.0661255288891,0.591953800918,0.638249081259,0.281950348293,0.161280768053,0.778115850324,0.990217243194,0.984958873261,0.0206480380881,0.586337703463,0.0923081851631,0.31841407787,0.733257147051,0.135639988035,0.256739450605,0.175960789763,0.248533149735,0.988689943865,0.803022833776,0.421156294913,0.275578136458,0.0713363364792,0.897381947522,0.00862945158548,0.336983903062,0.674470637402,0.909905341045,0.196313914815,0.844958779469,0.405659580971,0.865657575747,0.379184248122,0.706739906233,0.78273854676,0.406542240204,0.0698219690706,0.711740636021,0.0491313777258,0.682770663666,0.432603225951;78 +0.181032859613,0.371795179405,0.68413419203,0.94395102196,0.480818893053,0.409501624705,0.504077318319,0.91662817974,0.550245658703,0.267457076295,0.657605351085,0.672950866725,0.819888880518,0.0437690966302,0.577650917255,0.0657972485225,0.55721628711,0.26396104741,0.407322406037,0.725018902927,0.188332977804,0.357812830328,0.498644842976,0.939830468456,0.360682614233,0.880443371782,0.715571961361,0.126419695235,0.114064984232,0.708961825276,0.375666755096,0.370157675287,0.899407039256,0.85167221929,0.23692658669,0.420671663705,0.960360600911,0.246289451213,0.640050434257,0.823580363417,0.0883867674075,0.918382932527,0.589047112176,0.771435630756,0.806052197409,0.912904132298,0.376702939023,0.378782509815,0.686458128872,0.369091574756,0.765404337602,0.266458848883,0.240985296076,0.148585999823,0.178082793714,0.788729026392,0.157073337219,0.496814968735,0.112647406,0.134388631533,0.866152133425,0.451037431828,0.94192216306,0.810430716784;0.996234862806,0.185170372508,0.988687512057,0.54287747767,0.932537456204,0.439125559072,0.922280567532,0.157675168921,0.853668134807,0.356846006703,0.407227104505,0.75987976541,0.838744758596,0.572815191524,0.797510548598,0.930805667273,0.295349235097,0.333217517825,0.0519879257095,0.757310503788,0.5711110577,0.855891922477,0.897960223615,0.615025151391,0.509521838495,0.537065420443,0.478489488246,0.388977356746,0.540778380978,0.316134609468,0.850964108676,0.162261775642,0.0663332970398,0.73923844938,0.306277247212,0.886578418922,0.0177363161965,0.138780549949,0.818204722627,0.434225865907,0.489327931089,0.612729077378,0.177150908307,0.793103943686,0.277577923294,0.984348333457,0.840849588567,0.116403184339,0.791998067291,0.57477448457,0.874485183168,0.964918497275,0.0616768482215,0.685001065583,0.940373723574,0.610693276739,0.695091171587,0.559799693365,0.48173674714,0.787965933118,0.208631713175,0.623185501529,0.27159781925,0.858591808389;0.912717742478,0.183361698645,0.11447815048,0.155261922123,0.924329102068,0.68843411593,0.895173091593,0.468292642182,0.810247080854,0.500837747416,0.232083444813,0.565146425426,0.764332516891,0.791929051495,0.826712201836,0.683554538354,0.609423950555,0.569440570529,0.826177759186,0.510121401242,0.759149202958,0.898400615842,0.337911563874,0.598279291132,0.172820326877,0.812892079952,0.482203086673,0.360062820725,0.98745110756,0.65586738395,0.531992141728,0.978358934438,0.104929812141,0.869904546844,0.889118883946,0.54263816138,0.788790324464,0.16271424481,0.310523201054,0.982216192264,0.247140449005,0.993753191929,0.325291343662,0.747169671698,0.511656210434,0.61899890274,0.279041584544,0.825888188998,0.404505376999,0.352160567533,0.993451734265,0.0158412266011,0.44293981305,0.507856543151,0.698404602034,0.856424622063,0.76010830063,0.834573250881,0.367028614961,0.633234173365,0.403539950342,0.372445251609,0.155123550768,0.79882262804;80 +0.430345648544,0.673641601303,0.437948263062,0.465349478104,0.657504486378,0.801542446973,0.275181605063,0.151338135562,0.991431623327,0.519973048089,0.467374287867,0.189149955856,0.331000883976,0.790727991357,0.970336048743,0.598470901796,0.769918903698,0.978934184584,0.833343311873,0.726542692388,0.784698012854,0.715716092471,0.191320100861,0.858925654298,0.259871380998,0.682121996827,0.934887290917,0.30937899148,0.758600822079,0.816500222344,0.738324240084,0.959253514264,0.0997793060094,0.507338231639,0.605855286466,0.406270725261,0.829111487642,0.537103841475,0.673418331616,0.43750249495,0.229735620605,0.51839278021,0.885471300903,0.176113579466,0.55716277069,0.987935124998,0.0107174425831,0.298464012699,0.784224633629,0.0640660995198,0.782971049432,0.330579969838,0.0301875580635,0.781065855075,0.0208292363402,0.279570299109,0.183283944206,0.0672919534086,0.727649707542,0.577108806958,0.720672919216,0.998368881374,0.498647322288,0.408724931919;0.402447880173,0.598860045305,0.155761622256,0.668828526139,0.0420593033032,0.616509080998,0.03037887007,0.92092548675,0.78647021856,0.539533186706,0.760855762519,0.474877486992,0.638880631338,0.255863482232,0.780446755391,0.383529910007,0.334810022239,0.995176691482,0.863498734479,0.867347130333,0.727857926711,0.124451886274,0.70893852134,0.507769429707,0.853815599395,0.735671293644,0.21649734753,0.270319373588,0.135455321128,0.0506723622052,0.302517767518,0.761738000973,0.837651727518,0.818403197533,0.781629300657,0.977535450918,0.535064029592,0.214122998071,0.330050027551,0.479941281407,0.780719489974,0.621694084504,0.101841461225,0.817852370374,0.0596088638182,0.140003365905,0.189253962875,0.0641563552849,0.205110657795,0.251085466302,0.576589819241,0.329142330934,0.900842083393,0.546247256277,0.87051902104,0.308121049928,0.123115359487,0.73110172294,0.241851634037,0.83840519145,0.658989881302,0.0393078414319,0.800718093732,0.6548905783;0.189183596039,0.117967657451,0.423353496262,0.221172046567,0.452909934019,0.9124191413,0.78202698562,0.397510985041,0.628417792735,0.571975514862,0.337912439948,0.615403851696,0.162769386377,0.934459057768,0.563328708276,0.799574508192,0.224044995079,0.530920977933,0.683392449396,0.25274218722,0.968229817765,0.374855319743,0.0880404598888,0.34211803539,0.197508634857,0.633032262704,0.858562264578,0.240517809234,0.367938301336,0.19448350822,0.129215729793,0.171260330773,0.484396229161,0.639908697033,0.414777645849,0.26918199185,0.282186796409,0.093555573268,0.112617439168,0.880206016626,0.278692605357,0.634938876435,0.908054881824,0.69956004312,0.848136919182,0.914857136773,0.31691935736,0.585304327966,0.438517387578,0.892968492243,0.936198388775,0.280748498762,0.541249878633,0.424521385344,0.707722675333,0.481622548967,0.857920151068,0.708210863347,0.971634297164,0.67465013912,0.914716772201,0.899652447579,0.831815843617,0.767311320746;81 +0.614484463519,0.687980100365,0.731359729249,0.874521486683,0.874081910973,0.305737910677,0.217046605849,0.246851405939,0.898448495037,0.245245507061,0.259644744957,0.851602759916,0.971402255288,0.188790435746,0.156867340573,0.529932851932,0.442007407827,0.369285960129,0.159857727323,0.0913676122024,0.646732049825,0.600289944159,0.638373314735,0.656939906245,0.488579132197,0.56499546558,0.273635761332,0.23377151509,0.267293649748,0.614962631796,0.380195108539,0.751814452971,0.744198764694,0.240673218627,0.266063680422,0.193398117927,0.764915969689,0.983317462457,0.144690208094,0.822818716165,0.368946524014,0.0949980637507,0.452301614166,0.46833499494,0.460744122958,0.891293593542,0.527306769669,0.646435258115,0.456973141103,0.280942025394,0.0952740231689,0.726033508637,0.683689683277,0.785063453855,0.220389780946,0.945093390802,0.814966454347,0.0366731071021,0.727054968232,0.0130248418137,0.530383227593,0.38082491075,0.152723211782,0.200224277687;0.765502457308,0.358289694879,0.824673321817,0.971629926037,0.448847172738,0.739406546732,0.326207156802,0.116756220938,0.59177000416,0.634179373571,0.397719992063,0.597150585028,0.0671424387515,0.529772048307,0.417379548819,0.582555159056,0.498221935519,0.415417008013,0.473778928289,0.48042671755,0.122312365818,0.852956354692,0.80501337706,0.721089053127,0.928556686793,0.75556791606,0.849998101447,0.1417929415,0.0725522185485,0.52629011245,0.570965009032,0.81420913496,0.276569026406,0.700565885536,0.766337552759,0.328581877211,0.124826094487,0.959142158961,0.488782601927,0.234888443336,0.156036329751,0.40573872004,0.824711399233,0.390404193328,0.0603668050243,0.25587965111,0.576965255928,0.40308454152,0.432422474955,0.923953743206,0.801016486044,0.360651903356,0.950403389297,0.424733726628,0.384153673898,0.742898049501,0.785341201595,0.34683609552,0.895083006778,0.885200134153,0.195135533899,0.91060684979,0.648569181243,0.164132024738;0.947908398564,0.211135356929,0.641343524524,0.916933341872,0.680661678251,0.00804441130694,0.0542243753451,0.284158885788,0.236800049871,0.949263675415,0.0265650658247,0.753732147096,0.372721827608,0.359904827804,0.996303003384,0.722062195986,0.535360513384,0.937853060733,0.93622999557,0.137202859135,0.445310419849,0.105414863343,0.559021350914,0.0727564069377,0.630538948591,0.922235695392,0.856556781212,0.968339468812,0.526608316995,0.0988652959056,0.703633095874,0.562376092666,0.880072611026,0.510054058873,0.611133680704,0.553502418397,0.415076802468,0.466419791572,0.150305932865,0.13303913086,0.840816673028,0.956059916632,0.106685497843,0.808946558928,0.225635087129,0.0420771772306,0.45650845407,0.491753495705,0.844956506594,0.762675636361,0.00821883689089,0.701797202125,0.505186787655,0.208009002061,0.564856728566,0.386084741696,0.941430966813,0.0250367872874,0.84655550597,0.00558163096764,0.382477524894,0.156052815651,0.431771565246,0.106483848842;71 +0.768778007275,0.527649743238,0.692798773707,0.967096733725,0.939380121916,0.625739893337,0.402797632784,0.113524327363,0.51415160622,0.751723772008,0.831061441194,0.206089568827,0.358862002026,0.402858969449,0.269366189835,0.651791238428,0.874237020656,0.468113988929,0.373984331716,0.0406157138977,0.309049517039,0.323519522564,0.473370713949,0.262642471788,0.845880234846,0.430127817306,0.766470633757,0.582177985048,0.0361529017234,0.604149998176,0.309508013912,0.721441998828,0.757051568112,0.14829846443,0.509617132509,0.982748436061,0.485538768019,0.081220405924,0.039522729097,0.350414139956,0.960886943693,0.277022544262,0.620766940691,0.296994964149,0.106994403758,0.841504353257,0.3305448978,0.926606043469,0.499512668571,0.476268207867,0.916778731613,0.947948338568,0.835978701408,0.566958957788,0.363735039802,0.200887184887,0.0994688409489,0.986221109484,0.355006077669,0.0177651916665,0.362012749425,0.783182582779,0.199908083649,0.642185715063;0.163776329039,0.550791368661,0.729600039971,0.0516744972336,0.0997202478945,0.609167855033,0.96463587693,0.669472972176,0.666178029368,0.75538705792,0.224334820471,0.371357452831,0.0124055686075,0.36923109141,0.762254765293,0.480636931327,0.198779460061,0.0726921057127,0.402759152886,0.0458528688208,0.675535649487,0.680349452534,0.64664896945,0.579070924072,0.301630199813,0.271185879917,0.222791069743,0.151042288414,0.418070261437,0.656242340943,0.813261576207,0.317454542917,0.559597835332,0.484862277288,0.216681988526,0.589632438069,0.670093467252,0.770597054132,0.80393544228,0.489055315872,0.00789159829556,0.111046121994,0.389256423485,0.453543507589,0.10731381449,0.03567790282,0.12179855721,0.191465069639,0.332068795395,0.776100351333,0.310237103357,0.421167932466,0.0172966243306,0.356147959513,0.727251321469,0.446194050033,0.944992475074,0.0973932556183,0.662616826427,0.0822663410123,0.177345292073,0.703767842552,0.4674772239,0.595710787867;0.645803655656,0.513993522014,0.486298413376,0.397721099811,0.909121275528,0.0562044407728,0.900851702341,0.600260858949,0.952692008678,0.141949379456,0.195804528506,0.362656381336,0.848447266762,0.768073880515,0.338280592463,0.448918535067,0.994277251836,0.69798522761,0.373339877637,0.8904270187,0.427481029925,0.287657538609,0.113022131377,0.990032083855,0.466822762125,0.556898562456,0.724847627696,0.561801646765,0.662574968582,0.194974399357,0.192341149937,0.326282538088,0.730529789666,0.668448544525,0.321814145628,0.88907380668,0.367382059604,0.551893457791,0.864277993145,0.71876696029,0.262411342885,0.964746296392,0.811632001711,0.84874782034,0.394072759812,0.689146350093,0.193636498568,0.411288906027,0.264754912243,0.389974536339,0.835362763217,0.70797831301,0.179140332845,0.458553383405,0.582366569775,0.0859040905517,0.718045660833,0.54170314029,0.80852974269,0.472332390488,0.606649285956,0.0584848041169,0.593013155859,0.003983716558;23 +0.785712790142,0.369755596813,0.75050582754,0.207814195318,0.644861037219,0.931346928858,0.243043341438,0.354839646186,0.225288907291,0.449571450278,0.630619894689,0.658462871126,0.0653578516149,0.111756276995,0.793737523099,0.10888683063,0.190748212627,0.820297692497,0.735342332424,0.504720614322,0.0882196967226,0.868469690178,0.223506008545,0.175979307319,0.65724386913,0.381841475984,0.0504285918878,0.15478557039,0.460412162297,0.770852618734,0.559769032956,0.514133603245,0.981307778073,0.799970291349,0.826790146327,0.699930859022,0.842296939125,0.942709045918,0.711847134819,0.100325152439,0.140420400009,0.424711957707,0.236279243519,0.80727969423,0.958341555567,0.568171175223,0.40178706835,0.434942532844,0.457983573695,0.864382523323,0.319707784033,0.198552867946,0.421330861686,0.463462299363,0.152603153882,0.410558927434,0.0260979042025,0.824341297994,0.578673136655,0.983097215401,0.732195310628,0.0665892747439,0.654977653937,0.326000112545;0.574280812733,0.329399385068,0.958154632071,0.614762342862,0.656408317134,0.448782220324,0.124544963647,0.811072186087,0.410470051296,0.440370982016,0.560778608633,0.873670732021,0.368779060081,0.445047453996,0.239369210222,0.810980154519,0.539964956686,0.343600798144,0.550151651778,0.319852276262,0.96723559572,0.748048894967,0.970499337452,0.348174232159,0.370465890733,0.935457981306,0.52051364378,0.0149867728148,0.821914987084,0.823042558585,0.886686079018,0.213707748546,0.582630993966,0.456426303339,0.724202677861,0.444039041527,0.852029565218,0.480394251528,0.360557842436,0.181965849738,0.298533732092,0.212353215496,0.514194717772,0.121827503102,0.919245307702,0.0895706788965,0.912299225878,0.29725266699,0.780557409671,0.3820227855,0.647136286608,0.157112069555,0.342458563885,0.723497493134,0.288949394057,0.673226735355,0.127044287871,0.853489523493,0.436954581215,0.32540256971,0.765213806033,0.215851690012,0.190273682113,0.469928736065;0.733522916983,0.0026003812886,0.558058266496,0.0147403276294,0.739251237317,0.762655131528,0.37503005847,0.467622087442,0.433762106855,0.585057744441,0.321613474853,0.0688632495976,0.126033321019,0.514520310746,0.369396120596,0.238562972444,0.503395386003,0.291598746253,0.354510277316,0.716353914256,0.595763078544,0.919463080709,0.695088099349,0.273045720515,0.710111732863,0.937521388249,0.105845517051,0.361246118816,0.333661993506,0.673208940801,0.198337350918,0.292230207037,0.201928687477,0.386468381035,0.249211483687,0.344031116105,0.201513669589,0.431190081953,0.975568964205,0.313389639087,0.865697514758,0.0499548527167,0.558263305128,0.369287467509,0.974845856403,0.496672746751,0.118050520009,0.241226498529,0.140403906443,0.724587993555,0.973169333768,0.668460172461,0.802125914913,0.41083173977,0.894725008377,0.136279143993,0.551515438651,0.00192432249277,0.56540716369,0.167633867716,0.840149559261,0.736149210271,0.768982827288,0.878775940912;37 +0.446442681007,0.334785097048,0.906313023758,0.647947756149,0.379962876429,0.0116336913779,0.229805576674,0.837671570899,0.706559169558,0.528073473494,0.654216050762,0.843953221915,0.276534287429,0.984455365721,0.599371765025,0.159859166427,0.0282592737966,0.52662892795,0.389060595615,0.284694246403,0.751182054196,0.135454194931,0.965666696596,0.366336384978,0.595340900326,0.0667852821652,0.902670910219,0.70376154779,0.339543391617,0.117206541265,0.947850072467,0.974498917797,0.409337532507,0.905006763641,0.0264208631526,0.344485305323,0.0723221658131,0.988318576591,0.0937795942816,0.413796751027,0.110567681253,0.788045644569,0.411675268613,0.0378476804815,0.666610693603,0.38818756563,0.988159212737,0.472065775403,0.0698961388356,0.332938893994,0.139760238948,0.560829974091,0.801078841212,0.196000704748,0.366647758171,0.696003290147,0.872936917016,0.902957219341,0.973479767697,0.858775146464,0.167564565799,0.864978571357,0.577427036508,0.577429109508;0.761433134647,0.701900061455,0.696929092253,0.74781223622,0.140285764888,0.765350198561,0.498560678719,0.787655842638,0.958873417038,0.794911260809,0.744817267658,0.303628230142,0.0638075443523,0.738289364014,0.27183285584,0.350048723422,0.952355182965,0.456903650981,0.916190852933,0.916892596179,0.0702282353436,0.815021506116,0.335338228224,0.851320668021,0.739532261514,0.900104310507,0.400006318661,0.269925969395,0.220912965553,0.792284275309,0.718015572013,0.200689251236,0.257857058707,0.52504469122,0.268653006204,0.502396601271,0.533536577058,0.086244141264,0.317915624085,0.853031703439,0.125852348084,0.750307254051,0.789134316479,0.426951457019,0.106169046535,0.739152021167,0.56407044831,0.374931066943,0.730157121602,0.480794495352,0.315640461352,0.831330510642,0.731697072178,0.655892337216,0.059333809282,0.914697711586,0.639295875856,0.326710857327,0.0275368816865,0.901617139034,0.835771419934,0.1047478408,0.0700447323243,0.570789334591;0.325912105066,0.796039113692,0.294139184918,0.555545033538,0.85883509672,0.0838298076082,0.406284859884,0.677947989859,0.0361338862907,0.118754893391,0.283640201124,0.580898862897,0.0179577593312,0.752934356693,0.991970574116,0.409265128092,0.543398275817,0.1600448465,0.0970302956172,0.806232715174,0.730768759342,0.433840060474,0.436594638469,0.571616514452,0.589823761052,0.63607793102,0.581846070368,0.307794641654,0.326210046513,0.0128466109631,0.531890586508,0.397007318862,0.0840648637245,0.0761985375088,0.11096137953,0.151443145406,0.818822196411,0.297107545046,0.226344730094,0.807586101184,0.241125506302,0.363654086395,0.934099972861,0.929900396303,0.62956101727,0.282333032105,0.593974436795,0.913124541359,0.203950144367,0.077052853136,0.0295946362417,0.259446029876,0.561419065772,0.0807864985189,0.00131058628491,0.178227137714,0.444561511988,0.904458809171,0.216132880178,0.339259743831,0.3170478096,0.967271707241,0.0996847102124,0.242031221033;84 +0.259911649958,0.278046015971,0.406268983175,0.0132805929219,0.592142208922,0.758063640658,0.467730374947,0.69386368873,0.0875390311035,0.381704814578,0.455468807943,0.35857629465,0.0344496474818,0.787803333136,0.339673991894,0.534648160903,0.991234863864,0.0109207591613,0.0414142611156,0.482925452998,0.352888176337,0.244842384644,0.40180295373,0.747734406152,0.727934084378,0.192660450579,0.506055677369,0.356827719423,0.95434886628,0.660657029898,0.71484238926,0.0700736425616,0.326609784053,0.447227144819,0.658655533545,0.756967770771,0.280147573127,0.288907515084,0.558425204538,0.976630849869,0.228511580469,0.773601862833,0.625985515807,0.835196622839,0.514309773495,0.986082759421,0.57813123231,0.973749012943,0.787614840078,0.33769743318,0.230343876692,0.600044532008,0.608709412416,0.479727379564,0.679588583771,0.754097640402,0.0147644948483,0.202200864299,0.92980267284,0.809865548133,0.952516514219,0.462662291104,0.159734247239,0.660571239357;0.892010414091,0.8235981979,0.356711060581,0.178751045571,0.862931390855,0.783215205183,0.833978871623,0.939646851198,0.875921813016,0.786965985999,0.277752059396,0.546439558162,0.310670704545,0.0818085785165,0.583674847323,0.6354025513,0.345067153005,0.168383761769,0.700871735041,0.504761799574,0.748045382727,0.126997667079,0.678220614861,0.821681412255,0.495880416113,0.255379214793,0.216182896249,0.742702811152,0.940925525141,0.0439927740244,0.0716926947733,0.468073553126,0.588551369688,0.488379651439,0.931351026845,0.41401470945,0.962867624775,0.282315704325,0.534859111654,0.848396334784,0.153658307816,0.644320494505,0.363993309761,0.524583124629,0.48022081716,0.363307812238,0.230350976017,0.841825280156,0.757253709148,0.571810775296,0.771079213927,0.982283484939,0.398198091042,0.706310131577,0.188553337591,0.569415450141,0.0762564790518,0.435863408675,0.554952773689,0.174493733335,0.149894315711,0.0915443222576,0.651578629771,0.0243141612233;0.697701185915,0.932308202765,0.598097212357,0.885373515676,0.551975709805,0.587239951815,0.516300188403,0.921603727063,0.442839011681,0.891346312765,0.0994069692893,0.977482237091,0.553973763852,0.553578458605,0.378476779848,0.490946119711,0.595050882349,0.743674276505,0.385524242668,0.634771068717,0.747419868877,0.357665395503,0.643320861903,0.482974443408,0.699884503772,0.958367238515,0.804445710702,0.773768415021,0.421683962714,0.188401266816,0.527013027068,0.155457578999,0.353132140142,0.534020678981,0.657137288601,0.405441685595,0.927844345771,0.292595845096,0.5754231647,0.914656701599,0.505291470591,0.592238888729,0.122145436527,0.540560181386,0.8432510289,0.155710445645,0.561823828368,0.638358267036,0.699997078991,0.972348707484,0.082525500916,0.920066482161,0.242024293171,0.80582912518,0.734711448082,0.80581253418,0.278400893899,0.985058187053,0.0675635157351,0.197157628541,0.392293446237,0.213446836485,0.975583545534,0.765117209947;26 +0.0683079969984,0.942837567238,0.982819673237,0.485413684048,0.3309783694,0.286335262561,0.204313239971,0.323888678855,0.253896327974,0.81418626612,0.468309980671,0.846837237239,0.50578878465,0.327769901752,0.873249682821,0.463405540794,0.40698324966,0.39730373834,0.383868889503,0.810170177927,0.783479236321,0.905540603786,0.367693564251,0.0438076986349,0.732525495103,0.378751582047,0.0635888844325,0.982805972963,0.360824646405,0.0899200948937,0.495294504115,0.786322970475,0.451082432003,0.0917343244243,0.409036183906,0.8832768125,0.92336210705,0.148975110361,0.0147057344732,0.445592203925,0.324966092073,0.221704680278,0.927296480868,0.872229681388,0.0913704830187,0.946985540196,0.71967409929,0.506426751763,0.554543124624,0.0717891144081,0.638836567323,0.374577270908,0.709736621786,0.507848762813,0.359219200583,0.691479297698,0.129399187433,0.101744294938,0.582260955134,0.99766902273,0.466159587967,0.406206313026,0.715854764219,0.236746442981;0.879299998596,0.614269805258,0.109059143837,0.51258734979,0.781318244935,0.432660332656,0.716728071799,0.378241508579,0.59558686696,0.391214770871,0.162605976323,0.102027294887,0.993540705415,0.442291333279,0.707510115066,0.724612351404,0.0581644707407,0.328676577466,0.340052196918,0.064383934763,0.446142205771,0.626923757645,0.350526695811,0.740373211634,0.802952015471,0.0810283016306,0.506837401827,0.810862394937,0.462004913222,0.890198077643,0.978696556459,0.939895638595,0.377775580505,0.995059104798,0.155745825276,0.986915415732,0.385326971061,0.808932904814,0.949774238128,0.284409179608,0.365802028755,0.0564818637446,0.166247953851,0.00310583551668,0.396330967184,0.294207898043,0.486438964721,0.614645338235,0.296176725961,0.136785975706,0.836293539973,0.139560778486,0.664708095613,0.0194177748333,0.723780131012,0.443363100667,0.995293920136,0.2644267723,0.723406602639,0.774889477835,0.464993834751,0.310450399594,0.57433013179,0.633873529872;0.995443896053,0.875833107539,0.393069540783,0.0669539571048,0.455551483947,0.963700362733,0.369345297832,0.633207423124,0.995877200847,0.793666989492,0.395744715952,0.760494952793,0.890682096425,0.0358445134046,0.281712768106,0.428793011564,0.374777310502,0.434606725884,0.0264548847706,0.839970428929,0.583602952229,0.217724162986,0.354324244559,0.460887750844,0.647759834826,0.352312249231,0.640010527261,0.871287313236,0.795612857814,0.835265479418,0.0456905654972,0.726157040886,0.537908624431,0.694339942551,0.884654515402,0.567597746093,0.0950087419907,0.844926600615,0.510991608739,0.951764953855,0.0713213898888,0.53439242606,0.751870891582,0.212735572732,0.495631500805,0.840905378682,0.949364820605,0.283628856422,0.976844638404,0.767614340999,0.41514515616,0.988958819273,0.272775321342,0.218840505396,0.292024269519,0.110543455277,0.108972413714,0.646682755623,0.548680334874,0.355156363341,0.894973669061,0.582947611911,0.600048086068,0.846743517901;71 +0.305682562963,0.692893688601,0.334272420889,0.000735024960544,0.790378791109,0.682154782788,0.478318157629,0.431623655506,0.931011759074,0.577566228516,0.912091980072,0.150389780128,0.77906740555,0.603059299465,0.814116260165,0.35464973547,0.468829509378,0.0724053872623,0.316878576818,0.123570501745,0.542852477806,0.589426440399,0.0518509951345,0.772740807185,0.642085448628,0.0673498713164,0.823116573899,0.015052254308,0.0603727006334,0.706077507139,0.97065424275,0.245688728339,0.616552164754,0.622882196237,0.112780499038,0.00603138542146,0.529095787968,0.0230730153915,0.580428687135,0.0987476052709,0.594652448059,0.00315720985366,0.546450738885,0.651874022035,0.306367284356,0.733084853204,0.535043852632,0.920077477156,0.136758937535,0.191855188559,0.571720793458,0.5675731704,0.916309724636,0.404177933794,0.0845268721453,0.482763595233,0.291855389929,0.278681727777,0.678612841258,0.176515607932,0.0917670690837,0.949065476793,0.832769815003,0.676527490049;0.670807012595,0.34296467837,0.70828764644,0.68083147185,0.96134446948,0.221582551345,0.0774171703543,0.807514043595,0.630956335234,0.440544882269,0.172516349946,0.842188337489,0.285249348613,0.795053899131,0.369585857038,0.793796073963,0.959038266575,0.443969812766,0.825530936521,0.0209323769085,0.715804265536,0.766258331526,0.871740429701,0.572182113319,0.303798826259,0.674691443372,0.609253196602,0.957264454763,0.772511866761,0.343659620465,0.936977836612,0.967434767685,0.403159300306,0.131220701004,0.891318613705,0.331645712156,0.92778165459,0.562644871408,0.303157070085,0.960275535137,0.910580206177,0.569017016912,0.196949487985,0.627460186415,0.288225438431,0.229167517503,0.0792259040279,0.170127421103,0.36678645583,0.699434685882,0.211538021447,0.850269216861,0.670642082404,0.68367264812,0.999105051125,0.414358516838,0.107311394609,0.63301728512,0.256148574587,0.816622635863,0.879712952362,0.424469664007,0.505866301552,0.93685690775;0.0646171595706,0.93564772801,0.424225262084,0.277379807117,0.691886956616,0.443938076238,0.74150512236,0.804925283605,0.305528830257,0.67687249494,0.775776827411,0.771254413367,0.130692969143,0.122121073494,0.820302657447,0.312784221015,0.328920788564,0.674755399014,0.383389983961,0.961184491033,0.731798203675,0.098690343667,0.753977864972,0.074351592861,0.0540157032863,0.602747465515,0.394164321579,0.0613007663151,0.36914283313,0.883796542493,0.792397192569,0.349578271251,0.896359364769,0.434119834681,0.67463802318,0.00176244641004,0.633712994584,0.0863865318734,0.598595825579,0.717930711818,0.128091348416,0.671972233606,0.255838894245,0.210360096444,0.00208800093069,0.887254032442,0.249258819804,0.940565981336,0.334538897924,0.826705756596,0.17599491191,0.403492089337,0.298026683924,0.101691182223,0.438426486815,0.0838494414443,0.612657488193,0.963250424285,0.0537817922404,0.991957915454,0.190869559372,0.263059591786,0.93922628398,0.284694018318;56 +0.317405419512,0.566589685027,0.813417110484,0.395504710068,0.872367272095,0.886492575368,0.714467097932,0.23955789955,0.101886697055,0.92447114707,0.0632307598732,0.0503578729662,0.763169521805,0.273753964738,0.95957692763,0.0423658709601,0.932083114307,0.884925395677,0.567044901617,0.25185408916,0.558942519644,0.907628990261,0.696097783313,0.90019990433,0.650080304834,0.280576572144,0.688183809626,0.942003733886,0.0108917077581,0.713721516309,0.400170381747,0.133697662175,0.19921716289,0.64228004434,0.559451100177,0.46161860358,0.566775021103,0.881211153554,0.426667061625,0.116596736086,0.790407463374,0.0912583148804,0.917648658864,0.02541859522,0.640178593286,0.0294268158807,0.537602182516,0.392858571823,0.172881467179,0.310838514552,0.959877984674,0.723144260436,0.466094293122,0.0569914181,0.169285266117,0.904514202317,0.126926008155,0.902374870675,0.475528985453,0.728502354237,0.479216161288,0.249913522039,0.0754368618546,0.686165189753;0.654012699263,0.0428258723404,0.429494153512,0.700264009033,0.5418031302,0.672651660765,0.678596617189,0.576959409829,0.326882494059,0.0843089677817,0.909194628636,0.716217388949,0.698577663543,0.990260904694,0.173447584254,0.568896186123,0.265229091208,0.961745698433,0.8144919224,0.110034358371,0.17187533501,0.694464320083,0.835524247829,0.374859114781,0.692997010476,0.679531649671,0.520397669663,0.654198129548,0.528445493656,0.244525455936,0.970191374114,0.414558891277,0.904110925687,0.784231422857,0.260556741588,0.0907436110542,0.82781352193,0.593343620272,0.417585775832,0.451451886785,0.13223017158,0.811090494141,0.0990281192335,0.0130983436475,0.898026115413,0.990914573842,0.622778107114,0.719614052896,0.128149300123,0.207484081006,0.773176382761,0.610023888011,0.936624988436,0.664670948427,0.128015629042,0.425094359892,0.383857400456,0.669006367601,0.338643838504,0.718472536294,0.616972855492,0.662690825589,0.837926272242,0.39224047719;0.839829852752,0.532640602144,0.0740501628529,0.492898583655,0.595041809335,0.31361266284,0.254281189034,0.775766423807,0.698708529279,0.234998806128,0.807930363656,0.809665028066,0.495110762351,0.409468560955,0.236099460945,0.796374410181,0.301886587965,0.523263206362,0.992388521256,0.912500133321,0.0453528324219,0.23340501751,0.546937328461,0.877766364262,0.876273122032,0.139130744551,0.941520873857,0.185032284421,0.711453684596,0.681628063106,0.0328912146796,0.530350689392,0.733841827165,0.694579876736,0.716736209185,0.816750581494,0.317007294866,0.135387378754,0.0282392836142,0.508997043685,0.14290773507,0.957816568467,0.356616016609,0.410928213407,0.961013417002,0.147834178709,0.799869966476,0.86723467749,0.883723172733,0.588602129899,0.699756662933,0.0272387405723,0.663485892288,0.918751218891,0.0749802683034,0.0304653328014,0.722232733991,0.753934215752,0.0537746977266,0.0945985199236,0.227104712484,0.791851000076,0.583094058131,0.326744075451;51 +0.953608551344,0.486805735355,0.579326924194,0.139165659484,0.983474278246,0.119842728439,0.175837873112,0.855107214949,0.126879667493,0.480201159744,0.41687842487,0.241168882754,0.100762929992,0.087723094892,0.763679579062,0.933253104673,0.0620239827582,0.700957090546,0.464927492338,0.312520055848,0.49590287057,0.522292724653,0.402059967623,0.994529805079,0.737270994946,0.19005204114,0.752470021502,0.147030996399,0.595340729884,0.100540537095,0.373750127822,0.848068158956,0.338194687842,0.738885120239,0.883454580107,0.848985458119,0.894285467799,0.463695829743,0.403233218679,0.887408901909,0.0579492779556,0.356847148121,0.685199011057,0.107435202648,0.0822973130565,0.741324090304,0.91022178275,0.60789237417,0.607127192891,0.284540869452,0.630829872927,0.754169193211,0.0257198603957,0.039874600285,0.230453335282,0.51655719425,0.245736424874,0.817976855311,0.452563243734,0.27437182767,0.413105796997,0.239348570031,0.98580431371,0.987074610883;0.284826932411,0.852616457098,0.742250308098,0.630535543697,0.338246181548,0.484825981669,0.95131568183,0.0376407711737,0.197662990952,0.85722400252,0.18847149239,0.625900530325,0.141969234585,0.17594968814,0.226620830937,0.897432961963,0.354813341725,0.730822260917,0.420003634412,0.869299258837,0.342243574508,0.995025942557,0.678865674547,0.341016841411,0.0916937567611,0.357062610415,0.5015262582,0.911070356947,0.960282029131,0.205572958869,0.278639045178,0.823728431675,0.225580637079,0.379095299578,0.822417390158,0.743248135685,0.929490297856,0.522151061109,0.567836229633,0.176120958177,0.723639307759,0.606387516032,0.661312330589,0.656330932105,0.785943280619,0.716692256564,0.336503339426,0.226618746309,0.329371889023,0.939518156016,0.71019646424,0.275182451926,0.535101134058,0.168335880637,0.923663823245,0.636185125432,0.0853325911033,0.425576802564,0.379544592186,0.783950414178,0.024711712433,0.285636075385,0.755809623972,0.132055445389;0.96476433252,0.240179509644,0.694552059712,0.968953918893,0.992799874895,0.631922675621,0.975976806718,0.402030807822,0.161296239341,0.832321619973,0.79027833263,0.203748271122,0.760964565103,0.749662705925,0.838100992563,0.281911315821,0.373099747205,0.664187761793,0.0485882573083,0.982488290085,0.963404680727,0.489565211203,0.452166200854,0.728592454627,0.30010383572,0.762437098531,0.338487730846,0.304648232771,0.860541020122,0.655288293748,0.0829656296967,0.103136671656,0.566022090971,0.76932103738,0.8148290271,0.715185117104,0.833975309313,0.74424298167,0.328751789076,0.704352415912,0.831798471531,0.952974495753,0.633382216621,0.145281479368,0.997782957821,0.157403007199,0.386837084184,0.642924922115,0.987021421316,0.710912676513,0.566137859902,0.761129926783,0.174661716527,0.498933162753,0.230079262649,0.0272109224196,0.953858728572,0.372485696409,0.486347063148,0.669693409642,0.745210879975,0.183758706622,0.755734508608,0.892205664947;42 +0.0706190174701,0.211306203887,0.666288295494,0.836265041878,0.568386354135,0.587332929902,0.355161708216,0.306693480742,0.050324883862,0.495668429977,0.146824620354,0.748675544972,0.353533309208,0.452813525032,0.39356574987,0.676607718568,0.960506475872,0.368578320044,0.490322938634,0.258477345883,0.628925696247,0.886181644037,0.995428852281,0.493463230817,0.598075281473,0.704536420066,0.993257816311,0.0579811787219,0.226996800586,0.0305009306135,0.977657098879,0.448018674572,0.0475010342104,0.131844335083,0.497925880895,0.208399287924,0.378516508637,0.776634228495,0.227277315495,0.0401737331713,0.180356825694,0.18073396787,0.0162764673739,0.503861268837,0.258980137466,0.524720110529,0.089883919817,0.268340188927,0.113055699913,0.0597767659812,0.62074758341,0.668010264834,0.907604030273,0.333545089344,0.307112669891,0.85612182106,0.290104387824,0.275830421915,0.023282491087,0.790432923988,0.875629650223,0.339896044185,0.235951879169,0.794981142027;0.423359454274,0.682775305757,0.607484008002,0.255086787273,0.00195338960601,0.335969051278,0.175798263123,0.463419586246,0.205896820419,0.234406824708,0.162165402516,0.986199315804,0.0265492682895,0.18889656199,0.691016839731,0.482501441684,0.193090236992,0.772930883731,0.823602637911,0.936290356138,0.515905698083,0.170607574386,0.595958541484,0.881753870135,0.473192141222,0.0416693302323,0.63488662031,0.0628292573174,0.790983182123,0.741414957871,0.583828508759,0.616270605498,0.349368111187,0.930058279028,0.777098018153,0.406312539119,0.787861176745,0.612367502431,0.156910320388,0.186074189373,0.34532520153,0.292322289296,0.565633663674,0.312108763648,0.00844717279306,0.984039944147,0.315059343582,0.271884710938,0.544151583419,0.814493726901,0.969865538616,0.194100765324,0.90222318836,0.860098206146,0.896462652137,0.707446013292,0.521914042568,0.847642505533,0.645400658084,0.852648931638,0.611100611179,0.753399026075,0.0280670839757,0.149779739036;0.571260660454,0.621222014848,0.563386509905,0.0596499417629,0.971529798992,0.468989067264,0.416754573479,0.197152714483,0.55064551929,0.0262841164173,0.372170520252,0.733859829634,0.328627523294,0.954281614317,0.725484227069,0.4381625028,0.03668533498,0.0426722935587,0.416938484617,0.388206759702,0.970532835678,0.788773559011,0.293236708645,0.649368250753,0.354357229697,0.663996806684,0.134277446024,0.482016614844,0.0747019125173,0.232305475979,0.205820942663,0.175708416423,0.313584916402,0.968181294084,0.064771566235,0.709556221732,0.138227770402,0.165063819269,0.936132173646,0.71225967735,0.911740377403,0.0620370341758,0.154961286127,0.996150449103,0.266777946325,0.906775605764,0.622273938154,0.597128228922,0.944423734617,0.10673004747,0.0951450485972,0.0370421249758,0.572301108531,0.740635340377,0.178390259855,0.891914502901,0.978820868,0.0380552346225,0.759799867212,0.0477183078899,0.780628321097,0.481011776072,0.555284342766,0.078928390179;11 +0.879594545994,0.215202006287,0.00621803811562,0.614010764499,0.513386757774,0.225795102101,0.735418501093,0.725073576654,0.0890805756226,0.963212287641,0.319855765577,0.255395504587,0.842853591036,0.0718842243081,0.390289295461,0.804596836029,0.29031593763,0.0304367491957,0.624005739477,0.706114520111,0.208603964787,0.115991912061,0.426568782425,0.673604361994,0.830446561471,0.979231148672,0.970889890051,0.130235269962,0.953745672439,0.851558019588,0.320691938229,0.332043789584,0.361053071562,0.984933578419,0.313943733417,0.963169701716,0.722917559492,0.106719270852,0.0413697241666,0.0670077878245,0.35861682852,0.558220963532,0.263878513005,0.737157646981,0.177561419391,0.0906682508324,0.0737328826532,0.529121268784,0.858524648617,0.646935384564,0.353706431014,0.663684334155,0.758299433402,0.940893586655,0.596691174812,0.890248880656,0.0142334495818,0.505724355468,0.952252711869,0.172227519244,0.311430602266,0.48969987948,0.318118479664,0.546856898878;0.553041353217,0.866217158356,0.553891428013,0.446663721055,0.766519035738,0.382825376795,0.626396611895,0.605436758104,0.844098641093,0.935955366656,0.154533741816,0.51377824094,0.0122839849728,0.748528522188,0.428704478572,0.344267532273,0.623468374764,0.422172727011,0.093204615927,0.577406750424,0.879718699444,0.734886800297,0.298145161555,0.396524903752,0.930999238512,0.216231207865,0.62733334081,0.260398967968,0.116155376971,0.346325726871,0.224830551055,0.64813641328,0.415795342436,0.814672607226,0.856374923584,0.720757869081,0.280589634215,0.547971518335,0.0203719363883,0.210050762233,0.402507976057,0.913323717392,0.0870190924909,0.953544367681,0.253982458175,0.779400229817,0.854887600194,0.78742490191,0.136122253736,0.0303845786288,0.0694645822808,0.545255827144,0.184674297153,0.832382715119,0.433019448675,0.0133809386587,0.958110276742,0.0566843660466,0.0737610984228,0.688020381033,0.498387915288,0.828447059328,0.9246035372,0.476163000752;0.462322937288,0.24729705021,0.682775814162,0.262368113842,0.263045641157,0.923249346993,0.143345042758,0.65338197848,0.356282764288,0.68051305379,0.544583021497,0.39281375476,0.471796539245,0.721512755629,0.811743836662,0.185773453497,0.864695670141,0.0174703071593,0.663069095351,0.892428176988,0.889503416805,0.616564053332,0.300368313819,0.51941647806,0.175239043745,0.747648823137,0.0712689333852,0.110061530972,0.175373498963,0.473913156932,0.661221636932,0.199154106042,0.193350033612,0.476694699135,0.0123446270804,0.670089052422,0.375793705277,0.039641691954,0.146588203094,0.851155462438,0.574352109254,0.472700524316,0.119631163096,0.323309601576,0.807485197665,0.877906120215,0.808198621717,0.973167393114,0.699917691693,0.772787196148,0.958812278343,0.745027443049,0.466124468455,0.419407305753,0.0574496437262,0.559245558916,0.839384562954,0.0177380459149,0.139491108689,0.568265001307,0.510607361461,0.589362866419,0.213360857045,0.917220974495;6 +0.293366207486,0.844859108473,0.765594924155,0.899286334525,0.0413791371098,0.0328139736309,0.326763361717,0.322234348886,0.352517999956,0.24781540463,0.228442799536,0.317082246768,0.963851397619,0.728659951461,0.622594872022,0.821296469607,0.982586745416,0.0154867936876,0.677124459804,0.975019133191,0.676109633033,0.575970565276,0.0783305654539,0.907145965524,0.381920971231,0.798111608169,0.84499378172,0.0769205539576,0.178544434651,0.0665689402792,0.291157377364,0.780949531385,0.0163752486743,0.479688352534,0.395070679984,0.991715109991,0.0626002540483,0.831228535166,0.533927385368,0.776258461483,0.723076761957,0.764413870699,0.977726719904,0.00869509035893,0.599841921227,0.745772788612,0.286159049455,0.978060751576,0.084759403029,0.659497356648,0.282051980898,0.699834399891,0.732811342027,0.812772736365,0.953236377495,0.595363463994,0.0274849516714,0.995621508966,0.997086530357,0.724977006972,0.871051192987,0.477860340358,0.0640149158891,0.237557491953;0.623304571926,0.795912446351,0.031090312825,0.409027200001,0.651873218314,0.563480572078,0.0372245101106,0.323852764579,0.504021916653,0.697863324312,0.0875539555893,0.427092073739,0.0133676971018,0.438965475902,0.000328962814842,0.106793179652,0.919414353475,0.837541664942,0.0330750846301,0.500774670074,0.778738268699,0.263250406851,0.197777448375,0.533441713697,0.16120111743,0.918953936331,0.906273381214,0.152837009003,0.189295766672,0.766974905787,0.400719830314,0.49408885707,0.181652250616,0.199768699563,0.0512802180631,0.194130804192,0.391526800225,0.935951526598,0.378682570331,0.00551752906491,0.317115521714,0.937895561436,0.385202377678,0.0699177181905,0.910832507427,0.436489800266,0.959422096864,0.52962795921,0.87679024422,0.272528257389,0.538157688006,0.434133372688,0.696280265111,0.670524030178,0.685732011197,0.0384811890429,0.50625704626,0.515945021193,0.416936312863,0.0490563122383,0.126194628828,0.628266340471,0.60819903179,0.331454754928;0.427334529636,0.676761123732,0.550320124138,0.752396958942,0.914483477545,0.667123135448,0.145142528376,0.456006559931,0.680945364148,0.594503424933,0.378491026356,0.905350987583,0.717949167852,0.372008385717,0.592432593486,0.958308329389,0.136374252596,0.586231432504,0.283011507801,0.0266258799892,0.506413754066,0.685887365155,0.102422302723,0.176071873614,0.0508130368466,0.210326305948,0.167402371729,0.896721517076,0.483579430147,0.220085074083,0.97420108007,0.684609652652,0.708491525411,0.549776906543,0.844853100688,0.462423530859,0.0962525101628,0.458610099646,0.538095862189,0.694386798208,0.450223011024,0.763761696702,0.360071053569,0.205077873157,0.228647225105,0.759144512509,0.552240939799,0.263624516491,0.641417409146,0.598558773524,0.142441536045,0.333508329814,0.448586259341,0.894430002749,0.126563491703,0.383572086805,0.957580795364,0.533172803172,0.531865198985,0.241846598925,0.713091832835,0.426739759042,0.899194074558,0.851082568183;2 +0.707537475151,0.287576194139,0.966383611844,0.119218142726,0.617908654964,0.30330077233,0.601782391412,0.76398358716,0.852008707448,0.0474883311691,0.186677090807,0.965668402911,0.0927945555552,0.771822146635,0.822038840598,0.278497607085,0.323039185512,0.508105465469,0.980116796199,0.82023341708,0.539196811345,0.0861483695921,0.443236863521,0.366107491055,0.360891289879,0.0310632634432,0.552943049469,0.990112633582,0.365546915443,0.736118077464,0.149528487778,0.575923222279,0.202021886479,0.99735083706,0.991224813611,0.281667683813,0.591890039487,0.611561910683,0.30305869425,0.390146274614,0.56634810457,0.132600324921,0.713474433324,0.0727976853402,0.59572906668,0.798111136411,0.901311443805,0.338492034007,0.136441512495,0.0465225389892,0.314250070016,0.454581484809,0.749764631597,0.197005287062,0.40247273355,0.0958615307234,0.651617176664,0.4244415768,0.903540784016,0.172796416333,0.878661807674,0.938257332793,0.43024713752,0.463547504454;0.210540037022,0.165662750427,0.485050815484,0.468060563587,0.870743747,0.346751924938,0.487492797915,0.325344092347,0.772220499183,0.181331961052,0.75414275258,0.987829812784,0.0477065382048,0.459607619664,0.793753497225,0.735710762151,0.586569379825,0.970823415513,0.81802599097,0.860393459359,0.36595455623,0.635960480247,0.100838550726,0.624837318845,0.740422862284,0.586131193376,0.381666571916,0.711040563515,0.64412970807,0.11873785814,0.525425460498,0.891594448848,0.353690265663,0.198877883414,0.986855187503,0.227615369984,0.878144794438,0.136112619067,0.892028922397,0.0154942664998,0.779910204002,0.232681385041,0.719142211713,0.38181160003,0.878993666897,0.41486855808,0.0474995856562,0.384863425528,0.902051643436,0.294093901743,0.472451597679,0.432249915017,0.53729182184,0.555132581921,0.133329699626,0.929162163113,0.741409717345,0.397435377695,0.644480684572,0.937965866142,0.272471268079,0.283479970909,0.318266445706,0.493210217852;0.138231089211,0.726258554777,0.34341180018,0.942450474197,0.404440390439,0.0747571328296,0.772281910105,0.240531211589,0.166288327006,0.221945116743,0.302978269404,0.468948231639,0.772086194895,0.552328060979,0.0987292738786,0.536393044849,0.534538411817,0.727542226648,0.707809111255,0.703147128572,0.789865063389,0.762571209355,0.590808718755,0.402521391282,0.539970903556,0.398761693857,0.91815753431,0.292269411404,0.54113362315,0.9997169836,0.524366107289,0.883022429201,0.579273414543,0.670195405372,0.187887731422,0.527224441248,0.963031614452,0.771090940651,0.642731029171,0.0699363163151,0.119791780364,0.967978768778,0.914488007447,0.312301466739,0.053651532803,0.321655869124,0.619146910121,0.536956320054,0.907651670051,0.593402306183,0.510972843681,0.127198138466,0.0469665497386,0.529767708996,0.357596460674,0.84297574005,0.934321278792,0.715885452308,0.551339060945,0.351524761548,0.767703480628,0.70502223703,0.722971000724,0.772892652749;82 +0.0836595584232,0.249904822829,0.230650687166,0.157758707802,0.210354020917,0.999134625936,0.469367195807,0.614744062893,0.121583333032,0.810506998556,0.28252284768,0.0503360597485,0.376934676691,0.312223980045,0.788432827419,0.124192055302,0.51874057234,0.954829044389,0.959863101688,0.115098568817,0.36810426451,0.268551022377,0.174125291641,0.706713614153,0.909150705378,0.852077146097,0.653111604532,0.30558009183,0.324451649421,0.63690183231,0.00387936496526,0.896727387248,0.672280429034,0.405471906708,0.0460760098416,0.864702444832,0.197913913495,0.0179775881347,0.231734293241,0.651596020489,0.474432255405,0.917267541393,0.799309384274,0.334809541729,0.151789910883,0.864536262592,0.629493542849,0.822950528689,0.256897231072,0.612015888996,0.904446121276,0.965526475201,0.413358800404,0.585308269899,0.246674520899,0.895246205343,0.964154735981,0.191297932933,0.611749761916,0.287722405879,0.0834326382023,0.0962772764209,0.80964010268,0.514904234924;0.189962368379,0.168399226801,0.962962003596,0.735284391846,0.429002773019,0.564496626764,0.700601836283,0.675887239104,0.790981685249,0.710110870164,0.887939484535,0.767242166053,0.432101223589,0.963866000009,0.293431311809,0.215544784867,0.0421325718859,0.815582306842,0.711762829604,0.316318688182,0.153320937137,0.493229412346,0.55436195172,0.360687491495,0.763532888684,0.347817513902,0.807922505398,0.459353992435,0.665699296786,0.627255172475,0.246109967491,0.585280276699,0.980355375306,0.37188724641,0.998700953634,0.485541222034,0.934971021317,0.852164582838,0.381953104561,0.451257700612,0.776529356498,0.215642792266,0.0425927507994,0.124877575554,0.630446113018,0.241673163711,0.66922950873,0.874665722841,0.692872222003,0.439992018537,0.972940792828,0.981233153965,0.820385657411,0.666715583159,0.670810728394,0.564063623213,0.203450880244,0.216351915765,0.451739283077,0.716063389796,0.759109862499,0.772309218503,0.105017311979,0.25750529524;0.967048829756,0.029694317178,0.791776505367,0.953404435733,0.588484527732,0.659005309852,0.959532309239,0.988711182277,0.773569275568,0.380231664649,0.00712437555568,0.70444300723,0.51737972142,0.132541477771,0.745104850419,0.752651082585,0.430239782853,0.122296094059,0.378715361049,0.896111046803,0.212528092628,0.512659637065,0.623787688418,0.912709857059,0.422251479635,0.603959243505,0.0807930240321,0.533729177747,0.736589684635,0.631032565266,0.23638032053,0.0205148457875,0.932263099291,0.425794474373,0.993267947532,0.218097718084,0.784747543742,0.200510830454,0.404594476222,0.270192467652,0.269299092999,0.358768466076,0.00265173348852,0.674578455313,0.470401641492,0.0629204260656,0.294660377566,0.581164357938,0.252864909825,0.242286607682,0.054042769192,0.132394468915,0.164571873705,0.983810055269,0.0141801106204,0.610798213915,0.54937739028,0.566691590199,0.762740745388,0.291499976915,0.938826266066,0.959097478023,0.487236385231,0.708823891287;64 +0.255954694763,0.680869265944,0.39490965221,0.301998374124,0.3271955171,0.162444237902,0.646708290549,0.45680212408,0.771939543051,0.88244241214,0.865486178414,0.592394910849,0.53367512457,0.800790447457,0.295344695464,0.128472276319,0.44553944191,0.64144061274,0.262122270384,0.420117597013,0.745760875988,0.814819402155,0.0724422011972,0.503639289789,0.709893373396,0.199719146051,0.618981332986,0.681608169726,0.861619097119,0.460134983707,0.535676267259,0.923135565645,0.718486853071,0.558856662683,0.530357111124,0.420742761195,0.706683954587,0.550280280618,0.432314669831,0.123908173949,0.701790245311,0.131816015791,0.610466785402,0.646330508235,0.619364595349,0.3339722592,0.990243993373,0.197059323292,0.872524690896,0.903334472938,0.417970465369,0.750345380379,0.687095783951,0.609954813411,0.351533950462,0.0196409523874,0.176419792385,0.814332857671,0.161938232,0.195401819856,0.36221727428,0.0422584544375,0.36747998595,0.0386011339631;0.416877968111,0.932945381833,0.373995752283,0.813854343752,0.94725219605,0.733510757846,0.2980922698,0.323866113156,0.630621556685,0.379520205472,0.359937164436,0.443772962176,0.0440742811733,0.0336056671475,0.0801272396444,0.277002858528,0.617428278272,0.354016372512,0.359931645873,0.03357558097,0.317614405374,0.714407724617,0.0259585280003,0.719110866463,0.407599799077,0.470148852119,0.825280028645,0.183115820825,0.765966358855,0.4190108863,0.920339723199,0.983192001231,0.360362852312,0.281561990192,0.668367179782,0.488972514197,0.978829322601,0.348141385076,0.584070295914,0.141712116521,0.236408424634,0.237458686769,0.351106889323,0.956977938666,0.41641012012,0.746661692529,0.930452027016,0.0756567357977,0.333578826036,0.267865712771,0.0380803594103,0.560462658381,0.480673640391,0.182370994301,0.837422176489,0.799318336606,0.783378168059,0.982964439804,0.100335677987,0.376179609648,8.71870637806e-05,0.176660979467,0.370710212818,0.11920595639;0.750479550796,0.830580766629,0.827163526416,0.544363705336,0.263005370236,0.80291877917,0.482902906897,0.357809437656,0.148933681423,0.548795923033,0.631263611432,0.173055516418,0.996545418674,0.809148118088,0.818782881808,0.571402618979,0.871742346607,0.489547466516,0.548296214248,0.220454170064,0.0572618926572,0.448188634989,0.0720869371874,0.929369601603,0.157045584695,0.576268063165,0.89577418449,0.911517722772,0.885710425371,0.669050849508,0.0626166697172,0.12200991279,0.878724587926,0.525267026471,0.962538054124,0.420700900708,0.193354053387,0.71913155178,0.020489270965,0.96338309731,0.585997710096,0.244616691281,0.583169418494,0.92633774599,0.730968218791,0.857422548529,0.221131924227,0.143523795702,0.522429894926,0.61280372139,0.566704783504,0.751312739023,0.812337133302,0.792774930407,0.199734014333,0.895331049335,0.172634989909,0.262095528003,0.82821712688,0.539060022655,0.723854175124,0.63646817174,0.5007720237,0.823012480473;83 +0.658717676651,0.1520043081,0.109317205695,0.878746052866,0.70815086022,0.579639213026,0.831340653397,0.96865576772,0.090635670908,0.875281944164,0.277835431415,0.394214443671,0.327118325514,0.737194034078,0.597349281293,0.702230512244,0.19084492943,0.668803479322,0.556411066833,0.316621729754,0.27190008971,0.972024162431,0.327055373117,0.683943567239,0.490089987396,0.61099036784,0.219891209138,0.53318719291,0.747819937775,0.770518977912,0.846447853278,0.622044813429,0.752640052041,0.993286597535,0.827842510084,0.53139390261,0.727858380187,0.366683642425,0.251033240404,0.797260903409,0.463645083805,0.161174915174,0.232354932822,0.419487922769,0.776494388715,0.304535260606,0.382346697066,0.546308247758,0.930564124504,0.148711023683,0.973886617155,0.253733056337,0.81613945797,0.822501749642,0.638220177574,0.113617031624,0.568037181673,0.170852827275,0.956332767286,0.42098826874,0.869688842548,0.607579405412,0.310834979048,0.24906408703;0.475292924432,0.816736008171,0.354276418399,0.985724009117,0.248166213998,0.0735684505208,0.914324631327,0.851164242445,0.525409886144,0.459264642001,0.421233387389,0.912268885417,0.449807017439,0.407175337464,0.89438656385,0.24781200532,0.600778747694,0.391248756107,0.197820375843,0.84004427725,0.407603841706,0.515819400838,0.271759580862,0.774699683271,0.915280880439,0.982199648567,0.806539731691,0.946489864484,0.728171586183,0.202125771187,0.424906206383,0.429650335793,0.0132211023277,0.120858865085,0.465411741078,0.0296387309227,0.41671733389,0.712024887488,0.65900374425,0.733885807438,0.280226074112,0.734760016645,0.584990852558,0.0856358952219,0.445231474419,0.244088021267,0.915520334288,0.383151654311,0.541313902309,0.933600205218,0.391489027763,0.774361604975,0.959965251365,0.98418486365,0.774756226672,0.162974059381,0.882720304204,0.27671438333,0.697977791455,0.425798421224,0.893192768882,0.252805793289,0.955606375762,0.912346910847;0.121630209348,0.740350277365,0.927472362732,0.377434626545,0.833265180749,0.127271124018,0.624622204797,0.155871923624,0.495906398738,0.290884558348,0.250055036201,0.432423051691,0.00928390812251,0.0234342214771,0.102367007739,0.857962413946,0.73862989154,0.367208737455,0.663155016715,0.0533080740103,0.758971904804,0.108400319679,0.896939872435,0.661154427237,0.244823866634,0.938715309465,0.0192743958818,0.575049058022,0.71253084411,0.117588647203,0.392341663337,0.286183302872,0.270553748349,0.183930067066,0.0855521844885,0.838448889919,0.636431794107,0.441411873446,0.690930777586,0.388390804892,0.269943310897,0.611348082334,0.480384986997,0.974701161147,0.693382263311,0.908758702787,0.518883250863,0.232306654422,0.210545457259,0.158039135431,0.211933007197,0.645796580124,0.688015343931,0.570429091461,0.618553794168,0.422125463087,0.108735000623,0.365723755381,0.602851412594,0.534298772557,0.533810825408,0.927944448083,0.821437202987,0.984434698536;24 +0.717956403893,0.243141897787,0.682548206421,0.0485838354582,0.741695665658,0.57079626353,0.649074532944,0.795454281632,0.0218252258151,0.744123102868,0.349550876467,0.714142966936,0.799178593703,0.28906643045,0.0563130432862,0.515551009843,0.538953253515,0.114793834473,0.229971154063,0.254149474899,0.433755995444,0.966563606083,0.0509774218587,0.287368443777,0.694057326184,0.667809659459,0.3733007053,0.647926056111,0.5500883833,0.443868767959,0.610878016052,0.796536311533,0.851522746454,0.7610288612,0.887912610153,0.329389799295,0.808656813204,0.200170013076,0.885936626487,0.917514633771,0.183679417262,0.104809957855,0.871647943334,0.0697373234777,0.761654244788,0.647984126824,0.736718542743,0.674421525991,0.463332012198,0.679172346024,0.238634705758,0.993144033999,0.958438840539,0.0850593352701,0.207387994361,0.0142259485017,0.890829314346,0.154309092116,0.658481037479,0.490106705456,0.805393409036,0.769625103147,0.705254781182,0.70597265752;0.0283508487911,0.341409257418,0.47706987122,0.695045339046,0.7717273622,0.884197434694,0.976593839829,0.257936417338,0.504460173851,0.292487546698,0.351538848012,0.642333771699,0.415490720598,0.218588194357,0.994497889894,0.331802403564,0.107047137752,0.659653564258,0.468361264175,0.202498138569,0.611416884011,0.601883453216,0.784155687805,0.336043417586,0.189503161559,0.920495851248,0.144840028988,0.426493882931,0.941026057402,0.278161236601,0.402098122856,0.177529440262,0.242835416929,0.58405007685,0.11334411571,0.200582214523,0.379287629617,0.385511381036,0.452956816176,0.348069919238,0.0706976626057,0.972695238255,0.740405183629,0.120752303338,0.253221971659,0.161261235675,0.117816681441,0.711281414219,0.231452302698,0.107922828822,0.531218902184,0.985049055095,0.612476064167,0.316486870367,0.715749215181,0.890786510877,0.879690551517,0.0482090190857,0.618205693161,0.547120631233,0.348093466016,0.646934530987,0.98215989485,0.782353858055;0.537491066309,0.789500798261,0.531033658978,0.444788102111,0.747987048058,0.232034549359,0.321139777504,0.103923494553,0.821858159059,0.348747351397,0.989696231981,0.437098550209,0.983011693446,0.299597807507,0.258793204446,0.785340850576,0.832079450484,0.304978395956,0.243002776208,0.966610662738,0.0831498046457,0.0985389282714,0.623369982197,0.80398854085,0.17513159229,0.679812738034,0.512096942726,0.0125385969684,0.305213131883,0.697892772306,0.980694747908,0.754917035259,0.884706790959,0.958255696778,0.193914590967,0.863022468262,0.372086743548,0.109906852022,0.207857531831,0.580237210575,0.295917616306,0.110675325845,0.474169080549,0.652803128617,0.999180357905,0.288536025186,0.897916046338,0.732957935749,0.467971616413,0.246504009939,0.698205642312,0.375862450837,0.970357635645,0.405724043008,0.764395202729,0.104202876589,0.309390515146,0.854830276807,0.369383742309,0.211716617881,0.817301401771,0.113021899819,0.723742910231,0.0919465938402;84 +0.706541416103,0.116846073862,0.0414377298369,0.960489302807,0.959921386003,0.89114453793,0.859422263889,0.471913904794,0.506751251413,0.344247351954,0.855058979714,0.539495778126,0.906750121256,0.498073915697,0.00657409415836,0.845698469997,0.0972748828071,0.142696777045,0.412341069382,0.915938839544,0.311861594048,0.368754676382,0.0501750889007,0.296271893447,0.803904991554,0.948324521918,0.673759262505,0.214524085779,0.179214576812,0.320423672059,0.530942593229,0.061297259956,0.464682956851,0.12240385053,0.939502497088,0.296986715227,0.383283899992,0.595545026056,0.721023519912,0.25426899608,0.658906907702,0.493669252439,0.697839556361,0.849441216004,0.277684661463,0.729442247812,0.76451119034,0.978528211418,0.0147812205921,0.793361146861,0.304890977663,0.161207370366,0.376298246467,0.0659491835338,0.0514195024969,0.85585316143,0.573331078123,0.32600770014,0.300949043268,0.309689166469,0.563968383317,0.799673272599,0.284420087175,0.927107088048;0.0300107147445,0.509656124753,0.861341945793,0.848823692114,0.922396383465,0.101608984274,0.758681774702,0.0121061109075,0.254554712467,0.50832641899,0.301893234256,0.712068685789,0.46199805446,0.630911619771,0.759727456411,0.128843599548,0.581069675138,0.611654149694,0.382728837669,0.497064386973,0.541843406857,0.44477399654,0.12882215551,0.583980022316,0.0180103204828,0.423257663974,0.192476062915,0.752619358742,0.121187311003,0.571972554447,0.190849017157,0.551747837628,0.51826830853,0.773749035402,0.828717969168,0.528687214857,0.235061897669,0.762167208554,0.787925561036,0.0261036874773,0.431570773332,0.483895891535,0.987823124244,0.833948052975,0.444189151886,0.52135038848,0.705311056523,0.714795440499,0.481867764316,0.858140918744,0.0243508751515,0.296019587838,0.760880033996,0.685329759091,0.105289567593,0.203859506084,0.736693672894,0.0642969144258,0.412770169951,0.158282221108,0.252719237998,0.0324682224873,0.0109547367923,0.855705798357;0.0118641548576,0.914018078994,0.129639906658,0.218531183227,0.923239417673,0.664237990536,0.146526398481,0.0433164112197,0.716394388401,0.233794693473,0.183594463016,0.852018316248,0.297410017208,0.083063131883,0.0384106828212,0.82626060619,0.530293171416,0.433423214584,0.730359354031,0.463661502796,0.80688758145,0.311382350467,0.121915878395,0.673290228006,0.732992959172,0.715400335379,0.877370899814,0.869405039625,0.415463162845,0.211175429456,0.401595324457,0.142233778511,0.614075702566,0.416130895741,0.201456065148,0.957042459728,0.351239189759,0.406706998467,0.294891166406,0.27644122652,0.777793614921,0.322411191264,0.467393134788,0.351232602039,0.523033186678,0.373069096462,0.469426346565,0.554282822863,0.78041208865,0.737213173804,0.849635603887,0.494003004349,0.591273158358,0.5219166445,0.472650776543,0.977339346178,0.587400405676,0.293173557772,0.6993731942,0.540347502976,0.984522145272,0.763993515711,0.819472523268,0.782373570208;47 +0.364761725076,0.499297982007,0.012342474535,0.467150885823,0.765770427582,0.962729955671,0.372199382366,0.730549971218,0.829501106399,0.0233204439113,0.694112826783,0.476351597442,0.81075333158,0.944652703872,0.452573871237,0.497096986382,0.0453805418986,0.445911766198,0.541093791483,0.479127413956,0.569305660127,0.129142782028,0.635310107108,0.737993468314,0.20398506563,0.76692701545,0.96205480191,0.275773625626,0.782670922429,0.986048588327,0.601505466644,0.688187577127,0.170315682135,0.946560133333,0.541026736233,0.164137320541,0.261796287099,0.883666447308,0.207824005829,0.982493465604,0.474085466968,0.187534685724,0.656327149891,0.727319181967,0.194053500977,0.703395171949,0.210834757527,0.58146532255,0.700965248321,0.180957604981,0.576773596055,0.116727711658,0.83903377602,0.796266075744,0.611131692536,0.249567459224,0.508178724412,0.474574941404,0.0277799733821,0.227948022951,0.624826985942,0.141765514175,0.570792982986,0.161318550675;0.0139016434156,0.290078513355,0.936460942872,0.611436248158,0.032454857089,0.337371129672,0.279169649338,0.668298305439,0.132847688826,0.610704973378,0.339695199254,0.879938879343,0.662577816734,0.745706586632,0.877375337343,0.658440469731,0.248451691323,0.178540082734,0.914329360589,0.582306733105,0.126735631123,0.599989831525,0.136532025004,0.833238026336,0.362870234189,0.099129153647,0.249008618914,0.821075606028,0.906560054922,0.746772733966,0.188236133891,0.919698994889,0.941735646086,0.437683627648,0.787146470641,0.0547532498908,0.72945508979,0.956954943122,0.197643826589,0.99757974118,0.546835372759,0.873562396203,0.596409257044,0.84813196448,0.376773864012,0.564150642391,0.0821805767039,0.628863686783,0.210765497476,0.396858126914,0.363248734767,0.702918827944,0.636299491348,0.138176891921,0.0357466100942,0.154187741437,0.990393643128,0.965512085013,0.256052919704,0.6970477017,0.70054313382,0.533922897558,0.260555473384,0.577388253835;0.203739740613,0.208513543382,0.71876486937,0.642740806949,0.912448867628,0.768344019391,0.684095449571,0.705829461443,0.970174355287,0.478597138161,0.979950012694,0.915461894029,0.827884522964,0.598980691837,0.457791918137,0.131171577964,0.0698223188459,0.866547185171,0.259323036819,0.676390121042,0.501163701872,0.966152615539,0.142706449854,0.0540519952919,0.922563304064,0.0528107261281,0.0320786083649,0.408232401445,0.180558848728,0.121784425768,0.215593220487,0.745919046977,0.988488771404,0.412226414064,0.868712114258,0.424782905175,0.0113430405373,0.0989146429897,0.132245645759,0.402078863875,0.798583746422,0.26519515465,0.404562173628,0.662140792327,0.291714572019,0.727823117774,0.044143023432,0.470522506846,0.386688242002,0.926598556289,0.416032347236,0.122221063982,0.149537729143,0.991200859177,0.543941738756,0.899932787962,0.875393070042,0.865476670649,0.739035252766,0.760185540368,0.425834580404,0.00579356510467,0.596461992783,0.755456930177;55 +0.7666887275,0.916735913457,0.57147150496,0.577527855516,0.0520685269382,0.758067475551,0.271220995263,0.876974309817,0.216658502073,0.0156193287873,0.0564629958144,0.299300050485,0.80777869516,0.693635879009,0.804652652362,0.74847821935,0.871243780056,0.212165587354,0.0396426197957,0.608992962172,0.602210569652,0.734444720067,0.512454569733,0.8599354498,0.312979056421,0.998436224257,0.82590828255,0.0370594146893,0.190529749076,0.124742873837,0.240376270088,0.561663403288,0.370740400141,0.550252225753,0.142693082755,0.143820676901,0.201345412979,0.873353530868,0.434681012873,0.701707097099,0.164111956127,0.718404485802,0.336727050155,0.10775158897,0.360670803053,0.538175580632,0.0927658136527,0.548442352724,0.585131396595,0.223745800011,0.168134804435,0.870552633231,0.312294143728,0.350698971735,0.969300059166,0.496762947284,0.802576562169,0.938297197851,0.385761541239,0.0385101926426,0.726899054318,0.624114255549,0.957893061501,0.163420311215;0.985031965325,0.20789800783,0.955426672095,0.767304750198,0.973848227922,0.0151903380581,0.0860804085101,0.385371396027,0.587443507116,0.693699611697,0.29784264104,0.607000901433,0.531867787013,0.658093289445,0.602514898357,0.303870198863,0.910730950892,0.355328126054,0.172751030305,0.120997702147,0.90327397305,0.930048842362,0.975074323835,0.897530753529,0.555514889084,0.37262056009,0.734186091712,0.0306320059178,0.980372883251,0.210555079494,0.323507638201,0.243912624037,0.878790741124,0.631684599406,0.385468915574,0.912302498852,0.727412854452,0.918904946021,0.258077213837,0.833011491867,0.232963439294,0.209977280616,0.227516953345,0.191565925332,0.691363177704,0.849541742576,0.603253766773,0.566550999106,0.718506143522,0.769691600898,0.902554161302,0.903189672229,0.798393171096,0.0632662270333,0.10028867246,0.171975982516,0.819651151509,0.745267715712,0.826358646681,0.217499422709,0.217937849015,0.55991951033,0.0107201276914,0.665958149829;0.724042713808,0.457123162587,0.202216812613,0.583004770833,0.353790812834,0.105297840191,0.882178702892,0.462097694779,0.427835904279,0.748271951019,0.306164393861,0.377398278682,0.773015017776,0.87360902921,0.862183022576,0.0590282506434,0.707707157982,0.0697834502835,0.805778711666,0.597795420307,0.736893932663,0.512567389473,0.91874879446,0.594385302629,0.801747799143,0.636192242988,0.43427335824,0.571351274284,0.473999380155,0.426712191772,0.629838250599,0.192487254163,0.715190206169,0.180951158817,0.0136335286508,0.498519339328,0.533766070935,0.480283538203,0.737089860184,0.68273950089,0.163722252886,0.607003943641,0.210051813677,0.883897150603,0.771515439951,0.825281478318,0.507154557704,0.760769899192,0.114281055242,0.514640020399,0.0872324853694,0.44065804446,0.28344416997,0.111991365882,0.991555689463,0.25301856996,0.323090306329,0.520089176065,0.517477152721,0.228740969975,0.778411681225,0.323089217689,0.73041044591,0.452881123747;51 +0.524097378179,0.829500999229,0.780971373545,0.444725633457,0.383782623698,0.0716343048047,0.151587391068,0.203110603155,0.231772802832,0.152631332543,0.0234765371073,0.398554510232,0.566098986428,0.783315915265,0.00367711413417,0.58771359223,0.307275436925,0.935817441105,0.872804798918,0.392755961686,0.0955647761594,0.282987599996,0.99790849123,0.331910064175,0.482891493206,0.39730515595,0.00612673853185,0.498588092208,0.916864965853,0.276013574274,0.589066873315,0.654636987163,0.465266708452,0.105909340308,0.803600866375,0.190410498156,0.324407337137,0.467515533781,0.354005651189,0.604565518837,0.757835642248,0.567995735395,0.367572972287,0.336875272462,0.122362391108,0.0179293012508,0.16495803505,0.81818844851,0.701168391884,0.201875127065,0.382800349269,0.152594912272,0.256863543902,0.58639832417,0.235727513051,0.817393812777,0.99731703519,0.520754979436,0.693403062603,0.131011041111,0.319329761641,0.032177612993,0.00894606366265,0.108805729805;0.959156926243,0.236692647144,0.216436626615,0.675053720422,0.174354838131,0.174999328542,0.275065053963,0.551631301097,0.543861964618,0.168419464659,0.487761186233,0.296118047825,0.0916954687464,0.307018919091,0.0929126517946,0.538054728701,0.537637123773,0.0927113794249,0.25840898542,0.437195163064,0.473292403038,0.414583089339,0.134444630171,0.400001331729,0.339632134683,0.297931990849,0.0775356956898,0.843210034342,0.23334983048,0.16134923604,0.75555744391,0.447041913766,0.961785478017,0.0261981232797,0.659423799073,0.890991574852,0.0917499370433,0.340550979041,0.880820225501,0.201377077805,0.223254536768,0.429714840542,0.650052890743,0.4646290871,0.319401768643,0.309445171039,0.988922189992,0.368623790381,0.986187114577,0.636124825381,0.0463470995212,0.120652636305,0.396041472799,0.144918583343,0.902026952625,0.286452612195,0.240547148633,0.148762720481,0.389692488054,0.923868905759,0.0451330122776,0.927498168586,0.68856614096,0.51385109036;0.172626910843,0.237626717371,0.865912148163,0.532969906102,0.640108413086,0.522031858696,0.0921473223281,0.681567245621,0.416952920856,0.58288486334,0.663331132482,0.596675864986,0.15210701821,0.687557165122,0.974437611691,0.82724071415,0.178841077536,0.198065812993,0.556961783259,0.28191274076,0.0560115483561,0.172813588029,0.0174145964098,0.668208972924,0.481840831934,0.186288503137,0.57957814943,0.565431075154,0.777819806495,0.244631892048,0.709483908035,0.106428901534,0.481037860055,0.00879867405187,0.337753903784,0.831387423299,0.738388855796,0.531237296193,0.76698928948,0.413336089577,0.123683151634,0.10999958831,0.11549619363,0.0645670278324,0.148092708772,0.448397048553,0.375908010091,0.0235703424497,0.254642342842,0.708596281076,0.790371423609,0.819234904668,0.553871550564,0.14196753781,0.91870536572,0.220818809574,0.0429131935411,0.538295528429,0.99291125549,0.387251531799,0.753548626143,0.39584561367,0.563288185123,0.339227505692;66 +0.368436998547,0.776134600618,0.992781811269,0.817061933767,0.479438284461,0.337433103482,0.594482668492,0.992464140826,0.594607343822,0.250998319153,0.200448826793,0.42372435396,0.878709548394,0.00993980596591,0.129024611,0.132215402005,0.685546910844,0.164988212958,0.147475264106,0.0835269713421,0.145596929186,0.714312682162,0.622752659498,0.30415277792,0.235781714488,0.29860780845,0.308401966228,0.0840444399971,0.597475094751,0.362011353897,0.0393342702449,0.918324445031,0.439749430757,0.401244730595,0.00223968192582,0.235686241331,0.370975685096,0.594315446812,0.862350303268,0.167438177835,0.509471805449,0.184821485038,0.503166524461,0.882619984834,0.384828491044,0.515051545854,0.275341586627,0.902501533079,0.597246327981,0.974374804786,0.778099185919,0.513899042621,0.452736468512,0.811650472414,0.662810844494,0.715618255336,0.43810016659,0.689315266278,0.0569357933944,0.790217200033,0.62580528264,0.0603110805919,0.503351015819,0.216038914579;0.485290241324,0.061113192913,0.323804217264,0.719229615028,0.876322408161,0.76056171418,0.909704844398,0.778417829437,0.353976807439,0.346792445351,0.181272843563,0.643397770314,0.30143778962,0.29577967808,0.724887805538,0.281731204663,0.17512179778,0.654998003454,0.847480253963,0.926472189476,0.95175132099,0.954165741143,0.132638474702,0.313184896125,0.121117183168,0.275175301054,0.14447350747,0.128743963951,0.94680171982,0.118128772149,0.606544429521,0.00792548292417,0.641538704357,0.935976299967,0.0933722240281,0.977096016863,0.487553565907,0.159772228512,0.746649788412,0.094939086483,0.230138292475,0.414797493348,0.348583430145,0.955915917036,0.565809783097,0.550931046345,0.106266181088,0.977292345099,0.775506871725,0.830786082222,0.842515953235,0.540373837213,0.791974843798,0.892825563821,0.682165164917,0.425909173325,0.239832156968,0.832277522187,0.350779968489,0.131741147336,0.460193132294,0.856814409109,0.551051252865,0.124320183265;0.759940917063,0.917305496375,0.202809711184,0.998010202447,0.0424580641203,0.542482695773,0.0405630840156,0.123085023857,0.514102445966,0.368310544469,0.760522240141,0.294235083889,0.393933660558,0.155678446012,0.161100230042,0.0873414759982,0.274390224112,0.420536747896,0.796844139164,0.369390959639,0.444724278686,0.0227834974015,0.105682253884,0.0340299500897,0.307222161904,0.908534335106,0.374155571883,0.0510882714505,0.0312824882007,0.600921250288,0.261943306367,0.911403924196,0.879761743981,0.739292062316,0.0188811011859,0.345252639125,0.177859624535,0.300281721781,0.643040411848,0.100324139541,0.489849882973,0.0959407812992,0.4575257488,0.872154515394,0.679593889749,0.260503021851,0.793432037814,0.538348890023,0.635220936673,0.452995188944,0.732716202966,0.473005749104,0.610184193967,0.436374544929,0.624988312754,0.813413855747,0.571941763968,0.00349165757696,0.765996821616,0.458346239444,0.112050051551,0.273522545244,0.387568267925,0.61081432598;48 +0.26199912641,0.531744329059,0.4812244217,0.398123239237,0.472714938156,0.767098545016,0.242209581224,0.0269014170026,0.607964293135,0.579577199499,0.404895983468,0.0801231185498,0.98942491874,0.947277717127,0.334484534435,0.746245015462,0.972982912552,0.768247225591,0.220780441499,0.955394711961,0.342516582679,0.0880853612481,0.368109668963,0.716402110917,0.525647110651,0.792230705091,0.468595223223,0.293195288621,0.366617309157,0.138814073141,0.729781164047,0.519364349522,0.168755011432,0.201640286041,0.159937059114,0.286241709347,0.176146812214,0.558832651898,0.152770767203,0.719305988802,0.137440437473,0.853237431395,0.567236211613,0.294217589952,0.085000746283,0.429217252213,0.691209182721,0.0942590013699,0.151897713539,0.992366858371,0.165603852678,0.994562279108,0.601071217212,0.970180194969,0.187168016683,0.612402332833,0.0576667280023,0.0471164336254,0.915588448572,0.200295172481,0.715843130476,0.21300842108,0.260371221463,0.682382884622;0.629612910597,0.108141381677,0.115991686884,0.917171549067,0.593524860461,0.854055337406,0.359955828165,0.205386434616,0.10164922155,0.000200446452869,0.691038033706,0.189449140667,0.314893086691,0.667694524142,0.792627174259,0.407922220764,0.550926213245,0.301996487957,0.579677036621,0.384947893094,0.446837120943,0.222664211901,0.281800890003,0.51237247449,0.435445693155,0.555074789731,0.417873546668,0.264364919543,0.263123669484,0.170861054273,0.369877412375,0.807608404799,0.490836354543,0.519147722874,0.290133581829,0.287754160971,0.739013149595,0.414902148616,0.505289944204,0.538900324464,0.336400097108,0.512944516934,0.420548441103,0.56854684564,0.385024719884,0.665407943887,0.0393070986861,0.549609281014,0.446184258379,0.987840217494,0.289326609597,0.633852106635,0.598126036801,0.406270436936,0.806163332247,0.0698186332953,0.960832341752,0.207870970994,0.375522712356,0.279743566124,0.900528069429,0.474013511048,0.696867798069,0.399429828864;0.604288798733,0.722076965607,0.822590012234,0.610087487484,0.266865600364,0.693243976963,0.280222081332,0.995112287539,0.0691436321435,0.262235174649,0.697483086899,0.242311951557,0.998573251233,0.0115400269895,0.804072409195,0.901664661092,0.943262693092,0.806126311462,0.979905191655,0.344177311915,0.186305425941,0.297330174482,0.545449006594,0.0631508474878,0.675358307081,0.114892670035,0.178133243238,0.670114208179,0.534267279259,0.261239975928,0.504802000665,0.216836763322,0.592214163498,0.935545359067,0.58782479339,0.63333731381,0.728829536627,0.42282432481,0.981584415955,0.334727271915,0.541559699017,0.93616273191,0.274652534469,0.553715064876,0.427020105752,0.254554514896,0.304259566832,0.451165570398,0.163767967744,0.793425471155,0.106619375159,0.926169723119,0.138751694536,0.45476620733,0.245417049539,0.799906696448,0.462011227963,0.436897914126,0.560958219719,0.201401410968,0.63645423018,0.87487986681,0.729875694539,0.887201953948;81 +0.875632375039,0.753456913334,0.0813751764643,0.770355014485,0.400952826239,0.543677523837,0.0881260305833,0.219837310931,0.93553755088,0.387322159104,0.434950129333,0.346719773592,0.855975495607,0.727567566515,0.258653647941,0.173545991411,0.336021083378,0.370245784092,0.359615622261,0.354534781449,0.114451058642,0.0517365574214,0.711353169531,0.854984017831,0.17799330163,0.347344451422,0.535251458193,0.952893463175,0.228112699225,0.73405299476,0.725545246031,0.702214473063,0.0686039129688,0.341936252673,0.975154760526,0.437777155976,0.854531152642,0.80434018338,0.618587836385,0.0530648642355,0.350072062953,0.205692586062,0.111332419627,0.749007502899,0.177962475165,0.113650831061,0.149445931086,0.742920511248,0.140653579256,0.0360603357688,0.670963998055,0.700092235814,0.100337351835,0.304798035472,0.749559936823,0.891750273203,0.707319570161,0.588974072763,0.906272841772,0.783479124926,0.662243206896,0.376399036107,0.563151151117,0.251724152341;0.181113035417,0.157161220978,0.650545603417,0.775122215121,0.914479491201,0.649911135149,0.469727055439,0.237093806537,0.458725292634,0.326168647487,0.229172608387,0.134436583583,0.721920385399,0.907756651563,0.410088049002,0.293429844443,0.0123203121768,0.104404544941,0.0794690753326,0.963563090212,0.420287686444,0.817694150974,0.562734275373,0.398303069606,0.369593344612,0.907359650044,0.903099473073,0.213031250325,0.550240920385,0.579556979765,0.719649837117,0.0185400572482,0.0342158409315,0.426528839755,0.071122956701,0.0487335609798,0.541712905787,0.235934433842,0.693100045225,0.277966702806,0.297758906897,0.882625786563,0.979138145683,0.0114122572479,0.18114205224,0.818871366844,0.289647358205,0.148111591503,0.264643113172,0.572016774599,0.399027897139,0.106439821433,0.701413630818,0.774964655807,0.485972099453,0.522980343986,0.281621101701,0.572366966575,0.145449637712,0.575624167201,0.00426559865284,0.823190579565,0.64580354367,0.327253690416;0.78257490774,0.322973920584,0.304358579965,0.67853078411,0.619450253225,0.656458854947,0.309092402537,0.582116072517,0.421231217896,0.07625546977,0.880249148975,0.624333062043,0.104971134297,0.738025810488,0.886361283917,0.466626853841,0.667702137586,0.837124930579,0.478084312409,0.36378102212,0.609158529366,0.140226451948,0.228452906896,0.0868825115923,0.345900711484,0.0549592060892,0.336864476137,0.514761041663,0.541334817956,0.584409326623,0.0612003031247,0.273146217256,0.802705520549,0.202193813881,0.623372780107,0.0726324568612,0.780099595963,0.549387918286,0.0325554383735,0.756646245148,0.024116434174,0.782305042264,0.785496507874,0.490845129408,0.555495665596,0.394967925893,0.59158237569,0.662819561693,0.149034760264,0.638780068809,0.648635926652,0.721908381075,0.0100271201758,0.752352522885,0.52081843678,0.98638281806,0.0128010125897,0.740611897839,0.982279403972,0.946256722756,0.839514818473,0.42726412542,0.98365496094,0.379378671093;79 +0.743800479025,0.421697999859,0.946790852203,0.200418926953,0.32723747599,0.873027573352,0.571635382702,0.786182958186,0.69751897875,0.279127713731,0.651988948964,0.431139278259,0.755748367267,0.024529273636,0.0569807275037,0.698576803669,0.915572256241,0.551174361402,0.254127806873,0.366099197527,0.204757702349,0.499870144796,0.293997797322,0.466291766732,0.358293578873,0.0122074020302,0.630643602865,0.599892350431,0.90029499832,0.0814380402614,0.156226420285,0.0692662339556,0.202883080818,0.361912125778,0.0840658050645,0.105065240273,0.640485949943,0.470864425669,0.538923380481,0.637164683137,0.032516528243,0.519865519313,0.975246632393,0.278965062761,0.140727084777,0.707865044171,0.868029962963,0.350854792945,0.186703808264,0.167787152054,0.66288565814,0.975868596585,0.0719204378241,0.282144334278,0.694753356985,0.582611884864,0.175277961045,0.735879916946,0.936107842148,0.76956966744,0.924317913951,0.721159100565,0.233587413081,0.775367293555;0.844783077918,0.317609747067,0.0551840533737,0.875847651873,0.735729399496,0.844862711927,0.148660255584,0.504963311839,0.523213256825,0.458784428846,0.0808727650026,0.570100030789,0.685924125542,0.528224982574,0.602951295739,0.37856645528,0.742564437883,0.569013089353,0.0180430452113,0.231938449575,0.534872290013,0.137783970699,0.224602107259,0.243816177897,0.602417686899,0.91009020734,0.0539439880296,0.619292317266,0.185947637773,0.667565829295,0.732161855633,0.468879802846,0.109856051687,0.684425274882,0.901610429828,0.478584264171,0.00741053772838,0.521170296802,0.441045224275,0.164139412841,0.15397543022,0.371263724742,0.76951062736,0.476033424511,0.390767873172,0.975303355919,0.819774000323,0.465038115563,0.797206840745,0.401461922135,0.108094994455,0.629338368497,0.672743956235,0.0557371824527,0.0745331291037,0.585093914262,0.432827107091,0.609153752227,0.369174222877,0.317015390171,0.649989415851,0.0609862447554,0.442007785148,0.670249520265;0.325886805414,0.28756487297,0.739977672837,0.569198636406,0.866818737453,0.313873345361,0.690109566788,0.591053022894,0.524344614293,0.68821199205,0.108618552182,0.40006779725,0.0835616586381,0.240509561921,0.129512424572,0.234458823234,0.683455367686,0.69407427425,0.118281344906,0.50006777636,0.452949515909,0.248936793551,0.103486575301,0.379765725127,0.313643285012,0.074322652364,0.0517556786148,0.507748052385,0.162644841085,0.738718813426,0.35717098774,0.258400333822,0.352726488863,0.435240659894,0.712192435809,0.671283697633,0.685974460031,0.544140479634,0.560190200279,0.309752061618,0.565914780951,0.215802663529,0.423011215295,0.407133459847,0.434482100828,0.0672576550946,0.0423901052271,0.5002662281,0.042876730081,0.496634054254,0.411943633991,0.121632105131,0.582565460231,0.0830240753196,0.867276216467,0.71057371385,0.396350654834,0.304726340758,0.443263952788,0.194581405182,0.754943875973,0.177911229537,0.32975486541,0.207272754852;12 +0.676121156964,0.235732643092,0.207171884955,0.441733134887,0.0104606011759,0.538193597397,0.939830291654,0.324558087381,0.970312569157,0.704637216302,0.603324604903,0.588224630232,0.241098241129,0.416970586799,0.530241603031,0.834502334949,0.309989956744,0.93723220871,0.26628391966,0.453627626713,0.489629811473,0.347856067124,0.00885559441948,0.241771830897,0.72493343769,0.470671874345,0.924261708776,0.477817593208,0.306794783851,0.999075408898,0.390887031373,0.569027063685,0.499546000357,0.518232552035,0.94548421413,0.260683579831,0.0297319690681,0.563257278933,0.145072295019,0.75668905689,0.898732648908,0.970577290752,0.840204152469,0.674498927833,0.0993386980973,0.179487458403,0.158258132694,0.276987359524,0.452942569904,0.849219078743,0.34210412958,0.0480874862349,0.495438704248,0.749938977819,0.31923991094,0.76195268979,0.117793942101,0.20580194108,0.708742900901,0.493686866778,0.0542111183998,0.184122093121,0.541700775879,0.256389764893;0.443249212883,0.367658226228,0.664941017406,0.24200756313,0.967443372226,0.0609233119685,0.435118160982,0.779676100834,0.44992458517,0.0701942928105,0.922287788299,0.961596006424,0.0460605149768,0.0450093236524,0.935414278419,0.368359310926,0.822203916042,0.829573460354,0.368704484899,0.599276303723,0.350644844218,0.290276575784,0.693127114203,0.818544852716,0.732352313814,0.943760766963,0.386968711353,0.741018551748,0.320845494727,0.418424264016,0.532602597934,0.511817326021,0.601207199371,0.434801751228,0.523608151612,0.916092682252,0.862651177461,0.0923565945852,0.828768956572,0.707689161868,0.546073104715,0.36706418334,0.731782469245,0.152583955923,0.974970713413,0.293007187992,0.250660315955,0.981478828225,0.701156361644,0.0279992845674,0.248027850048,0.521480047733,0.548820352165,0.606081192948,0.800194538539,0.653519080876,0.0382517008805,0.830911944345,0.469903088511,0.272719958781,0.186733693921,0.762489149072,0.830647596331,0.912128235923;0.533102793018,0.339158507767,0.33128123828,0.886977077265,0.59374497748,0.216000660831,0.283691128408,0.591502329188,0.834806001634,0.0189620786758,0.453062051257,0.976512895095,0.00761455728311,0.666597434376,0.45338029649,0.326804182031,0.673700754522,0.345136373951,0.248980541094,0.383807745606,0.583196375795,0.17493241045,0.830325373712,0.29685027529,0.144072328637,0.194727074077,0.898517176605,0.647902418943,0.117740997618,0.89591131797,0.541893164038,0.960147654989,0.457321347625,0.724496408216,0.697127045459,0.223239391886,0.869453201303,0.980562413347,0.435962944748,0.222287234522,0.905637848758,0.740861786754,0.322344380867,0.192829401094,0.0716423891782,0.487625525576,0.402962709471,0.288796864972,0.852058679188,0.750600558675,0.181067837997,0.0517350957201,0.827114017611,0.664463066342,0.362578796295,0.490015591011,0.373343856088,0.666982808812,0.784732107107,0.616598879065,0.774770807065,0.281985157746,0.909188935879,0.358001932426;82 +0.0569614953969,0.499753543528,0.178876851618,0.530671379827,0.572306911631,0.998956765802,0.133649130802,0.475330680567,0.056063017624,0.764982835175,0.810443838805,0.988134248252,0.573837771309,0.358638539756,0.380480546926,0.950301778407,0.761034116413,0.944852723622,0.873261402606,0.408612280182,0.74741036382,0.657617089633,0.857054067895,0.443187970432,0.820488931952,0.514923227479,0.224820285344,0.64089495877,0.833736233967,0.570338443062,0.331386108728,0.994785599829,0.10010733832,0.396743607871,0.473659121732,0.966677908749,0.24301865502,0.619405900391,0.752768335663,0.21414331331,0.159498659075,0.226230135021,0.179518758719,0.0457773743233,0.566599164254,0.0554052856642,0.00202689143952,0.568547226855,0.778636167007,0.967624444914,0.924218130918,0.336309467951,0.701734273568,0.160799015758,0.755998995874,0.744686889538,0.311415279833,0.367241841949,0.975718841457,0.186600186473,0.402480148135,0.396289096944,0.513015175802,0.65356689634;0.729526186417,0.824208252833,0.81006642648,0.620616364741,0.253141805595,0.376266058895,0.522217317832,0.668219806357,0.016596582837,0.496068786002,0.807826819421,0.633029909187,0.0499237978665,0.34180035,0.928916139816,0.16976372768,0.944358203981,0.693568704152,0.215264401771,0.616190003566,0.451729398517,0.957359531439,0.342815676608,0.828736904874,0.774162803292,0.741102339382,0.201554287327,0.844765328288,0.771056670277,0.969009390358,0.512368297513,0.38760995971,0.629446316742,0.253054072653,0.627439929794,0.680120338158,0.43856757353,0.396741789044,0.527161645659,0.0652463434399,0.960469279515,0.250246971968,0.0998716438914,0.981813361274,0.321928881683,0.222021848831,0.122847922383,0.631666825286,0.92677772726,0.320864179088,0.493062502569,0.724767503647,0.15998169343,0.395484277016,0.569054217193,0.171736878628,0.656383532672,0.415788297081,0.0999440820382,0.663188759897,0.220611815959,0.911687354847,0.0286116252318,0.870536467927;0.585529316283,0.932451472247,0.435603618985,0.829984085398,0.573842321343,0.907297473963,0.943502776609,0.213164549833,0.563363608991,0.441173986158,0.471761527889,0.0736809421232,0.0979152283961,0.635623088882,0.0697575644515,0.76688829735,0.669439181081,0.976426781709,0.695796810836,0.423411329185,0.607742509693,0.8017476278,0.0127002748874,0.611734083934,0.0807991175996,0.220297896965,0.171239564685,0.118336593342,0.58645514226,0.719936570081,0.030697377347,0.986511913616,0.334757718577,0.315302723777,0.669808148456,0.135245716561,0.631770218294,0.311228304349,0.0373816022333,0.33168027827,0.534288792783,0.788759827775,0.450629043111,0.948407680989,0.817001828466,0.538079439713,0.105825136176,0.91336686228,0.545804200798,0.772873372465,0.0191988862794,0.372889960693,0.146293918965,0.462620808512,0.577488680058,0.778117204979,0.563402556301,0.330438831633,0.703433084529,0.87075855809,0.242102109395,0.55729900213,0.838028817237,0.726947757582;2 +0.418417063292,0.973810041371,0.113969765602,0.204834063322,0.426122656975,0.567690825038,0.322592726675,0.657320671973,0.568492692582,0.985073525648,0.714791498666,0.262944559592,0.476010920794,0.0198923022896,0.280925874845,0.216853403839,0.39170891416,0.420526450001,0.491526696708,0.453466479273,0.840947831747,0.840407869121,0.163805740454,0.376959439358,0.599495622236,0.71594423265,0.619905463133,0.274205245674,0.40673922072,0.841789223944,0.307782017746,0.58344498864,0.403760447398,0.261399415787,0.871870138793,0.751582148637,0.789894987619,0.454684550126,0.623482545344,0.649636183967,0.193581821004,0.693318871894,0.128407548915,0.207282194628,0.155214712026,0.428701553287,0.649896787255,0.953498674569,0.684095370378,0.0536689596344,0.309403697192,0.400156304834,0.0311915440354,0.550174386506,0.322558566832,0.807974028762,0.0645319248714,0.598393377485,0.0458020413833,0.711492716174,0.709957883696,0.491033439634,0.748735973407,0.294434583668;0.0771281398463,0.679921764594,0.140376493782,0.928758837693,0.960410986568,0.667945572079,0.166289979973,0.633596555566,0.349004017556,0.310126231076,0.583218923093,0.694524173778,0.766466741651,0.473139889587,0.477518690051,0.228982200477,0.786091956058,0.242251464053,0.557927890636,0.401084497701,0.940553979788,0.298133613305,0.672732116559,0.231588970233,0.643378033846,0.633398938108,0.160127632927,0.452931955506,0.590083497425,0.318930292145,0.582241037363,0.567482332382,0.255659787308,0.718720531837,0.550146682148,0.165608058517,0.409868877047,0.988986055729,0.906986912424,0.200502139475,0.923050196456,0.0893452916612,0.934125205265,0.843098271108,0.183609414751,0.533738573037,0.690424184603,0.395119053586,0.609996636545,0.133104209351,0.528897658696,0.629601649867,0.600349111693,0.555400291416,0.75010382832,0.672694878474,0.328850113258,0.286397515712,0.663508129891,0.279088532968,0.425453090726,0.941067227416,0.426055855114,0.343802563924;0.816619453842,0.812347704954,0.160825461208,0.00546962421108,0.797289266998,0.0961160120522,0.933899946937,0.855285788201,0.618067273736,0.424820797202,0.515607338213,0.979102490813,0.207105969182,0.488357649651,0.377534417155,0.448835309319,0.0850473838609,0.587505491316,0.296785216069,0.622015599834,0.146874938741,0.193035608765,0.720410700779,0.636178434618,0.845269477698,0.44879774729,0.364295444982,0.0326200947731,0.688182010907,0.458904299373,0.290696544583,0.61375034929,0.822468162879,0.338059489142,0.923254879048,0.856872919985,0.313134094777,0.0526037074648,0.368916145413,0.293141133725,0.0833015741543,0.232019721997,0.729291297917,0.943062419698,0.500131646563,0.374188187156,0.533032518207,0.314847192538,0.482099392057,0.685652644497,0.0467228260015,0.495717711518,0.255522289277,0.591860484642,0.52178771125,0.710075598801,0.01688842823,0.653197958038,0.182032354368,0.864231267508,0.0590240208889,0.939918939398,0.639668021862,0.514928684737;53 +0.608869813899,0.843682023032,0.320514552771,0.506305804981,0.128542009158,0.344352668098,0.256919988202,0.271672575386,0.46570684992,0.309308941894,0.873271159276,0.145557572943,0.0749045748306,0.694122796767,0.910666830509,0.802768341772,0.860791188578,0.668302185803,0.750332604228,0.47908814535,0.123735977409,0.136224431019,0.378746812527,0.093136782411,0.610492411228,0.769611571957,0.185665145051,0.163736054629,0.874428155225,0.965467072537,0.30995648165,0.0373593017339,0.21365373853,0.590638857193,0.906010278117,0.49840662307,0.352874563365,0.297354270269,0.367516338461,0.553690135886,0.28313573737,0.821769803393,0.229432445357,0.594288277294,0.887686692207,0.146091550826,0.205751141513,0.755948567703,0.298463797933,0.523324117603,0.0549985469456,0.519118313192,0.349666531054,0.592788555021,0.452982498081,0.465149028181,0.573638954986,0.456184498289,0.271388613878,0.154788130871,0.555291854031,0.818508401409,0.42538930079,0.752803937263;0.832231714542,0.143201229721,0.69966467133,0.60164706479,0.0214869337124,0.00961967136653,0.216773795039,0.749458569956,0.830578812141,0.483476318243,0.901332458521,0.734596578965,0.348986937217,0.0468575552784,0.803862678521,0.813466008956,0.961512249918,0.211219871315,0.224956420722,0.19214897775,0.277729102516,0.342795598423,0.222995263276,0.446839856462,0.0643067516015,0.0749677508433,0.453637280984,0.780905850007,0.507847258619,0.310758411996,0.381110525889,0.938336293513,0.991251720057,0.614744619445,0.480111496106,0.509324911652,0.758710092619,0.794715020655,0.350247344102,0.218683947237,0.29949638417,0.0459905471379,0.47752931554,0.472398830518,0.497696034211,0.719038023435,0.261386391513,0.352013722464,0.0264489762435,0.762499888407,0.559749053802,0.97690171346,0.925901011689,0.728588571614,0.261275793861,0.0637465740743,0.0609640623201,0.583412883431,0.135941625329,0.0783476454836,0.0619243278886,0.237399289195,0.10525961353,0.641901892689;0.828249044555,0.551476808689,0.139463542641,0.688959570254,0.356884617869,0.927107132529,0.721004089352,0.405146237684,0.369300096952,0.0505239023961,0.86812826643,0.215422313948,0.916193356299,0.746479485864,0.86439851341,0.573684434712,0.0724661076615,0.328669122274,0.480230381159,0.836427161854,0.0347555869614,0.468728159586,0.170370676224,0.546187176319,0.997406854804,0.979954254588,0.120129644008,0.983027225072,0.319441746354,0.282438039526,0.597586866492,0.56331285189,0.683876647077,0.103115233959,0.86165794893,0.136559329957,0.72158624048,0.427233982984,0.178655853604,0.79179083531,0.382010615395,0.791561427694,0.97361924246,0.69731532062,0.633585468962,0.44219902937,0.040450111693,0.359335004606,0.390324376082,0.724495849319,0.633029629626,0.326794669868,0.544205882832,0.0838690779295,0.111517678971,0.0627532298907,0.621555910395,0.388457275421,0.893941652681,0.356700519781,0.304822686244,0.629602957264,0.745818745383,0.00259490588041;36 +0.863073960645,0.133136581685,0.0546740473746,0.235858587945,0.0474773462579,0.801689759239,0.723349447425,0.630164582265,0.954339381291,0.469613787285,0.641081535676,0.0423252914421,0.0221935725536,0.29442064812,0.30687036787,0.235560350748,0.272611987134,0.845478387924,0.571163572247,0.0748309174736,0.217110886927,0.70272220001,0.357706289544,0.11827966699,0.262183748241,0.694819008781,0.947814810825,0.744700092371,0.720014971001,0.294173325856,0.551480935274,0.527156038851,0.41734537632,0.378429311723,0.259940651766,0.687642744935,0.68827380811,0.714445949576,0.727030259942,0.194858024105,0.408212659468,0.236184215698,0.965286270191,0.0617589450204,0.537316259995,0.448132363704,0.126782100836,0.367121298659,0.520497754717,0.41877141675,0.395273439484,0.223539716749,0.759349461389,0.577859825389,0.215684710988,0.323122883548,0.274182989102,0.732944800654,0.169287270757,0.202652737082,0.754743562702,0.455077252095,0.681232053285,0.87091861403;0.197473551681,0.397327789026,0.745434735353,0.474528512112,0.122063243261,0.238439546587,0.398156277627,0.694422354748,0.447840005713,0.703393886636,0.16986697872,0.579324260875,0.535232288169,0.0197746579904,0.340284498865,0.981094024786,0.780386232245,0.18882378513,0.750046001544,0.666919888975,0.993386465687,0.562308003207,0.190393037846,0.887670532363,0.373486935303,0.338161843256,0.780696948293,0.30893064117,0.82073223153,0.759607072476,0.39639894486,0.286080339685,0.199115118366,0.39693989937,0.834631892678,0.48932038353,0.357161511861,0.516443904429,0.561935636339,0.00257906759974,0.561996440417,0.289252682787,0.488347472636,0.109634542081,0.842443457954,0.281226318758,0.701467770286,0.224029971812,0.0726938327975,0.82815928798,0.320090596876,0.90504122989,0.52291154572,0.607979758891,0.0316487067285,0.302054924712,0.24096730439,0.0018077788963,0.965371471152,0.889863710432,0.975445173803,0.421497679991,0.866762414727,0.134024536182;0.268922486943,0.425766813961,0.373952399268,0.677508213215,0.246457017647,0.680143596206,0.719854378089,0.622363547558,0.163448479505,0.50140542397,0.645387751792,0.582632957287,0.847614351235,0.385210511649,0.00353473847683,0.597650589166,0.523868629733,0.907500249594,0.87250561828,0.561224872238,0.0667155716566,0.435246388042,0.359985841318,0.945431707948,0.134030918754,0.356942906118,0.0577269370794,0.131533709032,0.0544734182064,0.395788283177,0.99803934116,0.68926418305,0.747316268089,0.295125837932,0.0220791475839,0.779901323382,0.489167823204,0.159504787962,0.640093567453,0.752962064746,0.712730892236,0.575236776419,0.402939032662,0.676317571965,0.0312608652567,0.648962483022,0.260315314149,0.909398489029,0.207069636261,0.429439536195,0.536697309356,0.521146082204,0.529936004923,0.682290114416,0.973481045639,0.0683312690112,0.376138639776,0.833392879416,0.376545102808,0.731070913677,0.828673285446,0.289129281247,0.478595761071,0.0853261021139;60 +0.223818591265,0.609978499956,0.557421999457,0.587336844639,0.462334387632,0.630868971111,0.867758562464,0.862865176809,0.210914403297,0.645855158886,0.60887376092,0.398293732411,0.767005456734,0.910104127965,0.658214101456,0.721684692405,0.0696095019297,0.539471093599,0.745752985473,0.0973626022388,0.946948775916,0.0713225882168,0.818202514809,0.632415677511,0.185269360143,0.758930093804,0.501709027016,0.645088998888,0.747722322488,0.851829874327,0.997623507482,0.272747195047,0.349994323483,0.127946290933,0.823873949195,0.221486394011,0.592166980446,0.532478855364,0.204984802638,0.93022481857,0.845343433869,0.537588746595,0.215484413454,0.474382949206,0.629789366365,0.17286938249,0.946152613158,0.616558372383,0.156251114541,0.610542747635,0.631930745791,0.887641678252,0.795992876422,0.152435004058,0.976937439513,0.168817882485,0.979319540825,0.527976650887,0.543160771273,0.0962170133049,0.94395599257,0.354648913453,0.770599832541,0.49208951327;0.296778308539,0.691533105395,0.622372137182,0.861005765086,0.156893758056,0.331596224831,0.918984245518,0.982339382828,0.39099549761,0.482940222313,0.482487898091,0.402317850654,0.0841124373032,0.270590290013,0.287349292482,0.301487170043,0.0225766832201,0.882217282452,0.578346073912,0.361356117544,0.69446956586,0.238293107949,0.368632134099,0.75573615424,0.745524309503,0.647257057131,0.339803552439,0.226802374976,0.451803896075,0.401718081532,0.250260552345,0.677972747702,0.567391526408,0.737891594209,0.216396900741,0.301201487306,0.795670828562,0.456301614002,0.444190817144,0.911890429989,0.48538608709,0.149670064888,0.463388798746,0.412928068582,0.333241003425,0.407819047555,0.307563840838,0.952763704143,0.0123015532993,0.393238646281,0.00390011692798,0.559118728053,0.830014085828,0.00617507127714,0.385280127077,0.576743655372,0.119490446601,0.354994888331,0.956245390731,0.453416100648,0.212144510549,0.516100428996,0.905210181042,0.844365654279;0.84658528082,0.0402771100451,0.136533962308,0.65843157087,0.0840992403257,0.184370931086,0.6805480098,0.795757518557,0.231823610528,0.563583037815,0.844563568513,0.182823909574,0.83017627474,0.490625168095,0.651118273675,0.902317677043,0.300660197666,0.527873360016,0.512261288176,0.392425141785,0.794156860281,0.528995543296,0.157362192768,0.321146779909,0.383318056007,0.893364801595,0.751739228295,0.102387019968,0.48514789545,0.109709315405,0.144009410974,0.0929512119986,0.151965806985,0.178138771869,0.421704321885,0.222053450386,0.840094637151,0.0123269201242,0.973642362317,0.894534660517,0.284049096368,0.379366277194,0.42588213139,0.112651227142,0.395509237146,0.461422236167,0.0931568274212,0.671230631684,0.483287369737,0.513152690335,0.970739067478,0.919299780813,0.057955313367,0.444355450251,0.609170719379,0.484901711071,0.769603834519,0.10224991428,0.393902885118,0.125222613148,0.231568794634,0.0683946982348,0.94874138476,0.85200428702;31 +0.206159641544,0.48136368475,0.411657065143,0.675164333899,0.466152936411,0.602398012924,0.131529839019,0.785340638821,0.182465304456,0.579130020216,0.41481953216,0.121464878449,0.271867723795,0.605064413923,0.26042539029,0.654797943467,0.283867271564,0.528614822053,0.363696038959,0.942715300566,0.348002791187,0.814498951055,0.607777373676,0.498620258438,0.407464876242,0.562860958915,0.303441009794,0.225149318916,0.121534673944,0.0320677933987,0.111896853036,0.845451463694,0.192305304638,0.273318794217,0.657384278926,0.729679720744,0.933301057684,0.0859261945286,0.0956196857227,0.216273785381,0.749983486874,0.342312218813,0.315589501158,0.282057170606,0.437754136121,0.974786062499,0.396870105624,0.709030652622,0.152143941765,0.824910296837,0.477884232504,0.353725872285,0.312443838179,0.586667782517,0.837267670721,0.832319794297,0.102245352412,0.00508654302244,0.168646327429,0.428618963252,0.652300872119,0.853684439153,0.302072872878,0.775151666118;0.407852838391,0.712507755696,0.896359201684,0.502471060866,0.50539499327,0.420493502499,0.258711674918,0.702017253546,0.252395101354,0.895302417326,0.555071713935,0.288048195905,0.149740726878,0.107619463004,0.904691517534,0.416930248403,0.183947847502,0.67447529707,0.814778650997,0.347610626919,0.819985384612,0.386011870348,0.989157398815,0.375973035702,0.0631266824695,0.611792999079,0.358527245381,0.672277222648,0.254931088699,0.911086308937,0.71144586487,0.606054661843,0.861111509407,0.938682899638,0.381196080044,0.405875801358,0.0424960896767,0.457170078602,0.417839039383,0.893317102614,0.274787209572,0.613512513202,0.696651098596,0.636047883815,0.168656755161,0.11980009821,0.580040995123,0.160162518689,0.894712967209,0.772239778361,0.371476230345,0.902583919958,0.831988939263,0.302016024776,0.572293441785,0.210444356425,0.226928411474,0.849302937517,0.56485872324,0.548548420695,0.238709343726,0.04923171307,0.291582361758,0.498948818627;0.811355262535,0.602612047405,0.863227031535,0.858471873278,0.86815578082,0.840046211935,0.949379408349,0.866483887072,0.259544962942,0.66823719998,0.336785090953,0.722392343033,0.30765231641,0.277913618941,0.934131406962,0.450646653792,0.73220288967,0.470083386887,0.56777473654,0.105855723723,0.899660698894,0.363384770765,0.977109622722,0.84916569661,0.229460924093,0.658530171218,0.205281875184,0.891183056461,0.3610280861,0.131841844275,0.972958439337,0.253370101457,0.728852042426,0.799419689972,0.297634544809,0.876628645577,0.497820739466,0.647740003669,0.0632891540463,0.775514100447,0.995397317788,0.119946076551,0.741059381906,0.379172305594,0.74186992517,0.181171113639,0.178150155687,0.373560976211,0.242816324305,0.217237450307,0.0358333623839,0.64217532825,0.564710398593,0.304955406397,0.806163235938,0.135650090923,0.629257342389,0.356685130015,0.250291166368,0.883568539109,0.206744264742,0.95014252737,0.676753257694,0.541118533203;73 +0.564116367466,0.772257481052,0.428914494673,0.4844709632,0.268399433585,0.628384188482,0.583395358432,0.669699577282,0.904426397078,0.897308970534,0.415842667951,0.905434041922,0.729955012538,0.962338512306,0.207881108223,0.149553751081,0.546058985297,0.655564910982,0.300722198817,0.439657929349,0.0592777496167,0.83770604675,0.0761203425613,0.85675208463,0.472427002944,0.183135518289,0.464709363735,0.698603925653,0.313370869572,0.333227601344,0.653534544576,0.234222731511,0.33965082499,0.891673912198,0.767607162103,0.408106173411,0.437310007962,0.778219436326,0.426802860845,0.369848256544,0.404446512456,0.551254003874,0.409079005767,0.897785508841,0.0774493235194,0.597714375235,0.0642456910253,0.0888668727821,0.0298120008526,0.213361655832,0.544607735018,0.3554806457,0.758503884618,0.21026186796,0.0426829766901,0.47455262032,0.310601783577,0.735015020484,0.909889370246,0.750451713794,0.439986445294,0.0932849703459,0.0698568702273,0.835127245967;0.085245398914,0.624559485693,0.242055680519,0.969059660486,0.766023420649,0.0499696868158,0.989997066157,0.444460095741,0.560019679215,0.781505996905,0.807293995695,0.536349640609,0.653438806243,0.409425329395,0.326140504937,0.139203702008,0.43146878027,0.425757185921,0.64368773852,0.344923461123,0.644668262577,0.974693891706,0.551520333666,0.906967492809,0.704841646461,0.130815520347,0.168143388597,0.208860458439,0.953846504267,0.451854950284,0.4478037931,0.880267207248,0.847634648101,0.575794003197,0.305641366077,0.140851178676,0.911455362423,0.0483375863543,0.283483028887,0.0396662867801,0.471588338471,0.00382263316402,0.556525464509,0.148436197727,0.129581642749,0.666686350117,0.79660453535,0.0971530750694,0.101715878931,0.663026031258,0.548925738703,0.808757555097,0.0522252113066,0.0911208193383,0.153697072734,0.312430872537,0.290885605533,0.780798420892,0.531520142665,0.778095621285,0.105933807593,0.790026097279,0.187714343378,0.801972600063;0.260216773139,0.99330078557,0.0400725844434,0.997573037643,0.26051559709,0.304963311628,0.724121915452,0.6286721574,0.466531237825,0.280699087288,0.10452273665,0.465371246056,0.77669126511,0.569068325039,0.587756094704,0.10854035623,0.0060617990585,0.805613789724,0.67732013682,0.206506846112,0.854512214849,0.256814063729,0.462915622633,0.644588202979,0.0117716296572,0.856466647652,0.210376987489,0.588666539943,0.535278538412,0.707868868417,0.683180813459,0.390783389211,0.505078727897,0.902129837422,0.219910731058,0.144612659235,0.809117589375,0.16461508384,0.450823246428,0.823493766065,0.828381162816,0.416994974633,0.0983254441442,0.603120349827,0.0459351746887,0.77414972816,0.245119251032,0.680472394832,0.14292888508,0.350511816314,0.301491382253,0.846325067912,0.923927584997,0.87093713284,0.0173937194252,0.860784136546,0.342194014834,0.165002533651,0.243604942493,0.882956028597,0.112664671204,0.750587238018,0.263107521681,0.203545294727;68 +0.196115784612,0.550016574759,0.140125020467,0.878943740087,0.0590409704688,0.821763504677,0.205703089842,0.0709068936596,0.875646298241,0.696814899622,0.125787662876,0.928501861643,0.710839714883,0.746392573451,0.682100040995,0.842729203512,0.581469442544,0.731755715278,0.606488506737,0.935266616971,0.13289829018,0.0253228644308,0.129013595102,0.932384199863,0.572709375958,0.164712669354,0.565948448307,0.58178060692,0.734437847847,0.267343541183,0.858104480851,0.654405875047,0.708302710285,0.158935581304,0.0823470252298,0.556391704193,0.0333431263864,0.577463547857,0.294244983548,0.423681531553,0.805469493287,0.921180634795,0.315716828434,0.0414020709569,0.756530512725,0.476363284546,0.569210125762,0.378112320917,0.978039008029,0.586045521056,0.09405570181,0.383641686262,0.60443329071,0.715799062144,0.281433528848,0.737354400239,0.22593346982,0.723607848754,0.857017120691,0.402277867107,0.562532336115,0.188831157924,0.0372773688194,0.0704147950694;0.740323679217,0.346708387036,0.349649170692,0.826678217982,0.0600827416159,0.819350316372,0.60085131072,0.0246858250107,0.165519238469,0.18460190481,0.834280415629,0.872903596951,0.551366921797,0.800164098502,0.663978142958,0.265749882755,0.50121207572,0.952037732378,0.519737271005,0.276167728339,0.957290039999,0.106782940407,0.430797763002,0.877782881737,0.385972588607,0.397316965803,0.811438920582,0.0401310418489,0.160786064907,0.197498008851,0.340185097242,0.569461673051,0.422862470558,0.865506451,0.851050339706,0.910265670766,0.0219907469413,0.876307289839,0.289720934018,0.773843197912,0.0268786782227,0.303175808499,0.83496510733,0.381797011786,0.352097817632,0.0564351991195,0.0653225064163,0.768293749493,0.258537463904,0.680338066264,0.202738803616,0.563370902246,0.307825245086,0.0224211611598,0.485000919716,0.736775276816,0.982297107456,0.478442559837,0.704027792134,0.130813206137,0.152654663318,0.534347051178,0.233795772712,0.434269520421;0.804308928476,0.157421582928,0.707876624058,0.234170627108,0.923734194245,0.353642984339,0.0192007929092,0.612549549671,0.242525981766,0.633576242169,0.0163458854045,0.794596080369,0.63304618367,0.0588705520989,0.937202800006,0.514580856143,0.729169703084,0.589529956564,0.659340486439,0.934837514664,0.640131795586,0.281771611136,0.404430717982,0.195427915372,0.0111948516231,0.732221049927,0.278436680305,0.647609874986,0.664798876324,0.0935013042128,0.221552166931,0.744860244516,0.544391935099,0.373327004068,0.119541392635,0.463088173194,0.771346042885,0.217242572245,0.62477147827,0.806443986823,0.835287304601,0.49925944194,0.279588415481,0.12094989455,0.27331249596,0.0271844248972,0.399081241616,0.0810555686099,0.31502388869,0.997611383754,0.543073083194,0.673280658608,0.187538521276,0.805187978324,0.681301468252,0.486532453495,0.414665322022,0.551935085681,0.0739029245255,0.260325996,0.367991808843,0.105841540373,0.494699185738,0.0175482910836;31 +0.689074578813,0.0834204277473,0.41723504192,0.963360220519,0.572596903554,0.591390694785,0.640949469715,0.593552832854,0.107700102381,0.395097532036,0.929344797224,0.765706873044,0.48124757289,0.150694497879,0.850396092729,0.93548542207,0.471301797211,0.9481735775,0.733820818397,0.713388327065,0.403897786057,0.668770333909,0.221124011702,0.184739186593,0.604353636407,0.320110611825,0.107314893296,0.518993904671,0.748077469198,0.779115440867,0.712878312544,0.930308456458,0.801074156917,0.0808880420977,0.322200742499,0.349374801553,0.632034247319,0.189184144143,0.96241019875,0.586478655463,0.906016454015,0.05044993497,0.185593602934,0.382210763585,0.726119992052,0.692141292216,0.293819577033,0.67027574255,0.165845087445,0.0412428198673,0.401274996298,0.366399892949,0.348689175147,0.733577091752,0.254828995925,0.92433318754,0.161757202187,0.810036553218,0.596695143544,0.50266668556,0.0142087577079,0.930729645446,0.620204419314,0.818103589061;0.998213261694,0.649745385653,0.202266196442,0.425692230129,0.335005269163,0.274256469565,0.18657147151,0.478991593291,0.471508607988,0.277751655291,0.479449174238,0.108213224868,0.281619141529,0.417588754015,0.481613468179,0.27750365496,0.335557446655,0.668500068455,0.413241648742,0.556093409704,0.686405061157,0.283165066171,0.804046096764,0.0719730199423,0.0868907239296,0.783643922726,0.194203300327,0.236944362965,0.881886272843,0.271213409967,0.536550286039,0.199339024925,0.675078549343,0.0543923246303,0.544739336094,0.196020383566,0.260806183825,0.370317067418,0.828157101088,0.202904272598,0.685110974516,0.874646089796,0.56425138252,0.746406307426,0.785391819318,0.303452830408,0.792532310659,0.742065173987,0.200531565837,0.989603139414,0.125929026827,0.755260517732,0.925293522408,0.852305100708,0.414053050559,0.637486081441,0.80908593928,0.742885322014,0.884306697892,0.0258895809202,0.0109466579182,0.25942482539,0.34741362954,0.938203982495;0.541164177336,0.0029139944141,0.490522733679,0.819143123439,0.33726676849,0.361176273663,0.624231239729,0.453547013741,0.915993279716,0.223757133389,0.387914722163,0.0562323997345,0.969512638004,0.90069602048,0.957174779942,0.0379652278763,0.482306845682,0.843487000073,0.690404039924,0.779243934296,0.681749265462,0.471315060646,0.15669515493,0.838503405509,0.539174022221,0.433791018733,0.949296419528,0.0208380095858,0.0358525439169,0.28528385101,0.93906605529,0.504243070519,0.74465551526,0.0353284499637,0.25654788021,0.304017824668,0.0571586484434,0.601448989778,0.464995941371,0.938723333575,0.0419707568435,0.745199900417,0.434708694218,0.871622118734,0.145416774726,0.387659660472,0.951355294043,0.703864405122,0.091850504838,0.0553202263014,0.312697055484,0.308440009123,0.0897879831188,0.192222422835,0.249365525505,0.0915600448938,0.816804014921,0.389370091546,0.955270624179,0.682462340309,0.204580270889,0.891877215598,0.0860554979795,0.549125792202;80 +0.238960956552,0.33284146703,0.0764101207933,0.607227857049,0.324604002413,0.715321631786,0.553530518487,0.104880400896,0.336096253308,0.377351327133,0.844571757762,0.247421691715,0.810664684343,0.493795693113,0.685461585676,0.99496544686,0.238931115491,0.0308431146211,0.446929317216,0.875914404142,0.193486394268,0.570585251685,0.728033542887,0.431794609198,0.00714976524545,0.620774970846,0.558018788478,0.263539397621,0.175849005958,0.072384067038,0.10692642509,0.655782836928,0.523805425042,0.118932962899,0.904541936526,0.0318308877291,0.0864678589332,0.924492887284,0.0371679290145,0.0668243024618,0.569406367656,0.583548772225,0.431675286909,0.147075576794,0.135445212583,0.840560586958,0.574431843601,0.360747935501,0.287423094465,0.125542625124,0.0230710422653,0.834776121169,0.827356561156,0.870226511937,0.685662685485,0.459446610539,0.103537525358,0.100270347267,0.175459550963,0.327170761504,0.403805691449,0.9695369811,0.603394904646,0.167687524181;0.0122183166538,0.469011722273,0.922027195831,0.867060211065,0.146164383454,0.151939032968,0.754144192349,0.331135949759,0.748240457064,0.391452537923,0.199772264376,0.295159074122,0.0245056000287,0.25807406411,0.197542264713,0.044989946522,0.59561299146,0.596256870569,0.490207503807,0.471187092978,0.92008486379,0.51127235749,0.491825140618,0.633624293405,0.936301537355,0.299884667029,0.912085911627,0.486961589886,0.643478777497,0.647832385159,0.714418828095,0.479033006865,0.746340736721,0.810477208421,0.756512519388,0.307204332293,0.897283936749,0.488223683073,0.711839555733,0.126400406216,0.773305067464,0.652282991917,0.976519425407,0.197180019557,0.984753848576,0.122104473011,0.848941093989,0.491423227121,0.0928804213098,0.706804540259,0.0153790506922,0.757484313037,0.901198804259,0.543284935269,0.514702821755,0.365558189593,0.188090037402,0.271139683683,0.167299548937,0.585410058065,0.405192144936,0.563679977768,0.625716483936,0.0750186954015;0.970674825705,0.152269464776,0.696901663159,0.270595134422,0.724948966519,0.354290123866,0.91971906154,0.510726020377,0.900007744417,0.863763573429,0.615382235792,0.00454261578741,0.753356424047,0.236123754756,0.654499603233,0.47444295384,0.8375802814,0.0306947249801,0.51823916209,0.139547371632,0.91438103933,0.737144666283,0.0662244423377,0.652468187835,0.499057893761,0.198681289023,0.21782636257,0.124246896423,0.526092965276,0.415400660633,0.413723751712,0.28837277948,0.397417091581,0.690379285294,0.220247579297,0.419932290839,0.729452581347,0.168946954242,0.74992877697,0.824039514478,0.801356265856,0.0921425143883,0.357533504502,0.233875638894,0.94325746522,0.63682662125,0.355301476384,0.176007518078,0.633741894525,0.940484856385,0.879158516898,0.614696447758,0.164709559286,0.0303146630366,0.248028125913,0.743864691644,0.988651539589,0.6454699287,0.463514672459,0.999991381888,0.790400536103,0.11387170282,0.896941883783,0.99497233076;70 +0.247742221536,0.912415290414,0.740834947796,0.624388245986,0.82410166965,0.0743773132128,0.457935480766,0.523971844138,0.820270020684,0.0146998374369,0.627523570059,0.535594989064,0.727376816625,0.00892377832137,0.995504159446,0.664648547112,0.348988155876,0.887739729305,0.220076640959,0.928801683015,0.788207805464,0.132145688408,0.991011649524,0.160790936663,0.522069399925,0.71690832462,0.163887897395,0.907915011504,0.526245061597,0.189866549436,0.712357118981,0.29962988418,0.504344477735,0.425808620954,0.200265472462,0.887331872354,0.752553993274,0.265560142821,0.521920837113,0.42758169095,0.833972044414,0.377316441706,0.374025924423,0.793581440885,0.0327993509623,0.44948419821,0.603210926827,0.790885935444,0.1753618522,0.0758919499268,0.167941209248,0.75595725372,0.407137133852,0.781816333602,0.128445796352,0.434423932579,0.576669274003,0.816212610689,0.232270271806,0.399055490994,0.888641951958,0.691583276328,0.852174799888,0.176563144989;0.238401653753,0.495357007606,0.61478543384,0.938921163554,0.210403046691,0.508530101656,0.647044667414,0.991623529808,0.0814998375291,0.721708789704,0.0175512645253,0.648178486416,0.315963312503,0.317523910002,0.28701361265,0.877731010294,0.683757498091,0.79273572349,0.0595785424737,0.537378175146,0.460884238622,0.77770204528,0.806828334041,0.670907841308,0.758186615445,0.0343571756201,0.751359726386,0.585153908752,0.50369079193,0.53656868742,0.87232807681,0.470281968823,0.684465954868,0.456826639596,0.0225440081753,0.532580695689,0.637220168246,0.627385454184,0.425398843179,0.186370068802,0.716219256396,0.548317072808,0.456625872215,0.804695338123,0.771567059672,0.948225723004,0.933963804322,0.963299704177,0.625467108235,0.572083444493,0.566384465216,0.505804757588,0.352352304512,0.198049433053,0.247371145439,0.796588797584,0.812318582947,0.771760540111,0.0433513045035,0.523151371271,0.553559806795,0.805223071971,0.961513970308,0.184704500697;0.124299198071,0.46787146366,0.972896539148,0.803037007823,0.321286516778,0.798921690751,0.0951989851755,0.0587077047066,0.774090191632,0.35757645932,0.910333660567,0.0843131365531,0.299295190426,0.970775918145,0.563554161354,0.522791338844,0.661113937463,0.89281755594,0.568717708957,0.480343653321,0.427727814624,0.0156154903292,0.201062115704,0.288142833623,0.0797433924698,0.407001037218,0.422993934787,0.59678205874,0.528909592551,0.222978905924,0.199608484645,0.613133624578,0.758528891977,0.659711938455,0.191795039118,0.526559399886,0.704218919668,0.259186019461,0.47837296168,0.579213309213,0.730030218745,0.201126430201,0.318111252408,0.666119289334,0.309320622379,0.611756601439,0.5345838806,0.318111968768,0.07147456861,0.450798273061,0.627209769187,0.247577232901,0.341385343034,0.114146701637,0.920258949592,0.568719228962,0.754589408968,0.722977624324,0.678436194844,0.342374614047,0.822557344816,0.0697246451476,0.430729807764,0.157693820887;2 +0.241509034253,0.361768849602,0.762526287901,0.123275098051,0.457652881909,0.346023337935,0.356373117509,0.449697011812,0.882047763926,0.254995437018,0.707569960714,0.537142283566,0.563021779498,0.275825127798,0.838471579276,0.104238848483,0.632885482449,0.565219279533,0.177639504173,0.517898483891,0.375941624196,0.318373314199,0.73817483639,0.554242106265,0.560045008959,0.54096805006,0.652393565891,0.161846563289,0.407355728367,0.598400597994,0.85149487242,0.585311332494,0.281332858154,0.57176119644,0.516096365422,0.73718209527,0.581499914925,0.0358448481081,0.166088058919,0.737329574536,0.517638274488,0.746264996419,0.943424774687,0.0926985073075,0.597849377328,0.477335816217,0.00114402029988,0.501549399244,0.153599828699,0.220053147665,0.232251653766,0.845024506983,0.319178601617,0.617108271973,0.175285329484,0.811718427332,0.258416052821,0.757036156706,0.590033527708,0.762378846557,0.960185095098,0.608062906213,0.0678198079848,0.602752158158;0.168548501412,0.503328361682,0.828886857219,0.649918452988,0.205703087155,0.000328066907174,0.634795891377,0.816795676945,0.922203017691,0.112085534577,0.112684751149,0.710507882072,0.962575068498,0.54735076338,0.355081305597,0.267554624032,0.360520426318,0.120315462944,0.68834153682,0.836309808381,0.198414873105,0.627328781475,0.598588615281,0.977788389146,0.453089600975,0.164851283369,0.695854813369,0.147348668502,0.846173450923,0.279940582495,0.379914615041,0.708311107406,0.561331789702,0.640865587694,0.382505901112,0.529189086162,0.76607237413,0.434419565774,0.569785186443,0.192109696967,0.945775245774,0.103497264633,0.794870083364,0.061677257899,0.662432208993,0.15784916243,0.565058093416,0.723927572109,0.921849608874,0.533937888326,0.932478774714,0.511421007178,0.140090926017,0.246971112919,0.0469016050624,0.578361919109,0.166053841127,0.728100968293,0.281470603067,0.105524543952,0.719513951682,0.987817348324,0.28053097282,0.26463411549;0.994982296298,0.381522301209,0.850317897237,0.241280925261,0.56201596227,0.809772967241,0.0715418417724,0.774788221756,0.466353925911,0.994054022765,0.408528450229,0.446334512956,0.102986680859,0.239986698426,0.502075503431,0.032879064284,0.793047268037,0.93381161122,0.128125126263,0.444374754771,0.374092436755,0.673939081901,0.968499915363,0.237781721068,0.597513812021,0.964866137057,0.25599467373,0.82255311915,0.0562296440496,0.161002267778,0.10434074312,0.093143632569,0.85747106518,0.758136096775,0.944018568955,0.919583868004,0.776241547686,0.0158366527768,0.737784629491,0.817360870937,0.0692428455216,0.456176862381,0.779267187458,0.642163770083,0.674304546782,0.658882398918,0.271944610863,0.697818403563,0.469884118789,0.457815601033,0.652756178954,0.10191367522,0.804900357268,0.826822469245,0.734785905899,0.230048530395,0.714625994884,0.355802066726,0.893960181032,0.233349966281,0.986149202416,0.941602126346,0.356023505582,0.92386742995;73 +0.445317168522,0.667553302477,0.910516132988,0.532638406257,0.174254542713,0.563025674441,0.801713958443,0.0418292801945,0.571494878512,0.105577422558,0.622616257031,0.365953687606,0.477306100084,0.276242861439,0.142475359651,0.701663829243,0.578040059246,0.436540176003,0.0351742022216,0.846597278047,0.527765225958,0.211727477359,0.0100646278205,0.380308061497,0.802259224709,0.426593180672,0.901326822308,0.432581767162,0.351191944565,0.726974540527,0.805446585577,0.579125484421,0.0388121952846,0.568336033557,0.821973590373,0.273912712281,0.237952027903,0.364940287069,0.744290063518,0.573532685373,0.186825419503,0.471484650119,0.486060200529,0.20282390445,0.417063859443,0.171573039959,0.464046392516,0.0921151515237,0.948341779476,0.0279254678636,0.288615140535,0.461891369408,0.55020264542,0.605473557114,0.701834967028,0.112864630057,0.492018577362,0.742512689865,0.237800289024,0.356187341117,0.35999559177,0.680951202697,0.177131252832,0.229732767082;0.673564066033,0.131305872047,0.00769981749187,0.824399983121,0.854146891628,0.994857803115,0.387641082897,0.212152649801,0.442246676508,0.123756826403,0.524680457557,0.163261588572,0.726782384026,0.261897276099,0.597272185261,0.833524480478,0.706300482493,0.703286674597,0.971121221313,0.549961424577,0.066464585669,0.610980423193,0.276554620743,0.538787031688,0.721472778486,0.989781202971,0.430097787064,0.845157788231,0.724960759427,0.123493262206,0.294759434559,0.100902288373,0.304125919218,0.781686268109,0.459855624869,0.533327473677,0.115776683528,0.987428579856,0.887330214524,0.386940800225,0.18871766342,0.0277477705802,0.249370176905,0.0119940409656,0.46736389304,0.702204512162,0.0181522598164,0.884257110131,0.611164459241,0.338592714628,0.476938003842,0.63206065015,0.602537031439,0.979571481314,0.482553101453,0.161998599655,0.986051030707,0.758493553661,0.918969073495,0.499998738494,0.207937132099,0.266787862326,0.996968282436,0.56911507851;0.203604516455,0.0435570362739,0.612314051365,0.300791637152,0.871345840125,0.538134865598,0.16102922573,0.655358657848,0.203966296475,0.0346576749246,0.276080897906,0.99019312935,0.65638526281,0.433801476387,0.175507016633,0.626603688788,0.398880895212,0.57876173247,0.689183819998,0.266497260677,0.723962602409,0.503412176303,0.415967613179,0.256917520986,0.233972290008,0.973308994855,0.979939981698,0.601504256866,0.227228222789,0.750686035292,0.0285447877589,0.154977375666,0.729430804318,0.372153185853,0.735221817693,0.352982361312,0.244780346852,0.791308398388,0.924590755399,0.262392756733,0.661663227576,0.150875694721,0.643476372276,0.726036807321,0.785831041294,0.400537714387,0.482402643789,0.286729533164,0.182683271496,0.374956596968,0.7910299287,0.0204692188113,0.404517467837,0.510650652634,0.193793750608,0.180799672053,0.0966706875708,0.713922843269,0.999896625833,0.475269922546,0.0894025162985,0.439517993697,0.902251762623,0.574795630903;48 +0.784484687686,0.281577177957,0.415906282348,0.829119516355,0.412259802384,0.597289293442,0.446265268958,0.23866762927,0.0142865278626,0.00351186401272,0.722022693005,0.299396694449,0.0304364867406,0.00626946911383,0.756060838713,0.339250227383,0.849842417334,0.495484606884,0.485560790451,0.176828713939,0.889074079916,0.178375925994,0.816973546179,0.669975795835,0.486712661808,0.327673440471,0.6336820244,0.915053202226,0.517803958574,0.424737820093,0.544401893628,0.619218840638,0.704406292643,0.989801513404,0.963056380096,0.390600467575,0.989055531518,0.401476962015,0.566501419704,0.722772728232,0.555207673917,0.08715183076,0.201056160423,0.817659008295,0.242835968538,0.0392502815184,0.421384531593,0.311579147002,0.831296081434,0.0955457616421,0.24027121058,0.770881985597,0.599331013527,0.749401470261,0.554399441468,0.260389086322,0.856431140927,0.624273582291,0.663517815283,0.665448168004,0.144028937958,0.725709585712,0.110728353654,0.184806376355;0.901919744131,0.119611382171,0.505998360341,0.813400728772,0.387872066114,0.745230996211,0.613739516647,0.896923834093,0.786906125542,0.00143948849489,0.218209226613,0.929422390573,0.221791336348,0.909675318313,0.419045500486,0.214712673456,0.0699890484295,0.210584319373,0.0293991872301,0.0922952843769,0.605508190257,0.981229167588,0.17323332118,0.439784241489,0.116056310072,0.113352237434,0.216853447391,0.0826129956122,0.379149821305,0.904225021409,0.745489713537,0.111338912586,0.522664214061,0.858202507571,0.170811228553,0.483021191763,0.17920040541,0.0775362395922,0.559638168488,0.436311813525,0.987587436224,0.201579632796,0.910278795236,0.927561712215,0.439080828828,0.000426723580859,0.00770843687247,0.899039645122,0.387008235879,0.933531111117,0.281118953499,0.772109506083,0.524458503808,0.828366035107,0.979048152535,0.475091534739,0.705224771844,0.056071885841,0.119608469386,0.792721042406,0.59529658225,0.777788913787,0.148933748509,0.625329427479;0.297447437629,0.966286221958,0.68000644178,0.768437856263,0.200310226897,0.255797452237,0.672629118139,0.47973603859,0.466071804433,0.945377782468,0.500241681643,0.581876710108,0.962437400497,0.979954707609,0.549496018095,0.339040994217,0.791947247036,0.51026937118,0.547532445108,0.68954050757,0.627689448717,0.64160247956,0.505522371187,0.768298572948,0.434064189669,0.171024613991,0.844126863377,0.70968579269,0.178084264003,0.373824170704,0.690364621778,0.359595830388,0.889288408029,0.575634961341,0.537886939485,0.567601119748,0.553749080607,0.0104614500812,0.0108289449262,0.360807627096,0.259553607619,0.619255917033,0.351901658471,0.271080267234,0.977771983146,0.807124862504,0.444601534798,0.849079367848,0.449994724858,0.361881748427,0.346987450128,0.576854355879,0.700130941973,0.572784288695,0.120532077611,0.777246263673,0.992354533284,0.281486869564,0.323269212542,0.672712977122,0.0198938741259,0.144590753872,0.706122708016,0.290388913108;63 +0.762657876528,0.00103947144573,0.961949162025,0.113552555535,0.214321505074,0.969525031332,0.844964659257,0.829029401119,0.965576679851,0.401259521791,0.703471718861,0.553063640246,0.416663029402,0.891265934907,0.658901824198,0.593596596516,0.690632179808,0.941261997266,0.724338862831,0.327115875409,0.345581634496,0.841106047606,0.544614801093,0.524991466761,0.18078205995,0.700002558573,0.682336248778,0.0720255498472,0.795803187129,0.851569358382,0.842907692957,0.521104232515,0.986747026866,0.222962004497,0.86933184896,0.39767188374,0.683295070348,0.636277996666,0.186448267576,0.689215382869,0.64166018534,0.40383401787,0.464682295714,0.45448823156,0.0531226438655,0.768753469794,0.783052185995,0.340194053743,0.807925492751,0.544583991778,0.820318450168,0.790560279277,0.290057113645,0.825630450837,0.940395248674,0.360797516276,0.0364701283283,0.920942648722,0.986568905226,0.39182885944,0.423811970419,0.757328353389,0.55751445998,0.0769933584349;0.0937855090269,0.755496663454,0.985549459262,0.784355466881,0.532662223928,0.6535029613,0.19152281347,0.997610575281,0.420255476005,0.00818074916064,0.0953985007788,0.540953913283,0.343106715148,0.342883899606,0.996455586148,0.0236225831841,0.883880089898,0.607478599966,0.113384659077,0.361392255813,0.0918759461809,0.706662628867,0.574460767604,0.961398198878,0.466883677226,0.759063636909,0.384473896646,0.152518033954,0.596568230415,0.943008835674,0.427349565528,0.349985137563,0.558052514052,0.448860912914,0.536337903339,0.822062689701,0.555329206648,0.776593611205,0.156992890469,0.599464246864,0.307154868061,0.385690297174,0.277507336225,0.920573635929,0.807938463609,0.533435531187,0.328185408252,0.81532079397,0.838238102975,0.828320016459,0.0954331878246,0.663643078765,0.133486213284,0.860886474718,0.683364798761,0.187265405837,0.251516215405,0.367643611053,0.350381163464,0.744992281494,0.702791540834,0.483964301717,0.765364766975,0.752309334919;0.121465596671,0.296585037077,0.392009855156,0.94191021277,0.899719012624,0.826250130817,0.356751904954,0.973319478014,0.929523765544,0.894579425838,0.82280473671,0.42773128518,0.505243145157,0.0581285610946,0.826464018936,0.158140348448,0.173036180741,0.565231838512,0.0518761935304,0.824430246497,0.0158447209052,0.972037557014,0.099413364449,0.761430789046,0.853714607096,0.514089791391,0.543600565441,0.512565660854,0.258179095324,0.555904330625,0.792489684754,0.930051879379,0.751299681827,0.437007989163,0.0312120177451,0.913069883016,0.444137159783,0.666688192825,0.818386334368,0.0959140897525,0.69967787154,0.657971291733,0.573821012929,0.518548603226,0.133925499874,0.243689115161,0.654865068998,0.323298905764,0.292596867803,0.612171680757,0.992750153827,0.449075444755,0.789559058343,0.567349342995,0.554016295548,0.756164865471,0.37901088897,0.213867597885,0.246775040795,0.126634385634,0.19635138898,0.900870620886,0.523604267249,0.15854925328;91 +0.127497725407,0.711624634214,0.283499946563,0.959925324934,0.146908201507,0.761690302296,0.740943969984,0.965020099698,0.639952803916,0.285391343694,0.942064723102,0.888246408715,0.0701008637998,0.185530948178,0.874206816793,0.997510054014,0.372362167789,0.133593990873,0.12887895186,0.235136799117,0.588548567371,0.139255316031,0.799911064624,0.393731394039,0.20819200269,0.686841130295,0.561766294377,0.932706681229,0.748114240932,0.990890037588,0.565186719136,0.591729257983,0.152831319537,0.296279988016,0.457969406759,0.895235919132,0.86054097065,0.632942219249,0.908601543618,0.0871017694841,0.846556618704,0.678740933568,0.929879202343,0.289249644403,0.941283678207,0.0169487919042,0.826513136283,0.651979862653,0.549439207736,0.636275431048,0.130288509441,0.976776635103,0.27400955723,0.0455741110784,0.921097979361,0.404436935622,0.6615709849,0.329142912114,0.177634745262,0.488139476704,0.237488679266,0.911117068161,0.937059321052,0.153672729229;0.66418177897,0.783137427741,0.680311920838,0.191608272097,0.451050180527,0.153789276144,0.643674094629,0.0947859242183,0.108681962619,0.593780332771,0.325143050878,0.923429001075,0.429884227015,0.158442559074,0.403195029406,0.28320215141,0.444022551381,0.0921786002992,0.347678308144,0.39844488209,0.692351397581,0.13263761756,0.368771556008,0.729215016362,0.682542279542,0.443081550928,0.030520546793,0.35821229627,0.939839151207,0.446122448161,0.131473508377,0.657747432014,0.86097588672,0.0263315432832,0.510007858199,0.46674901634,0.386117957599,0.108416204411,0.105483410119,0.399976076665,0.0252307582317,0.287831086408,0.71599466025,0.717459409715,0.929716492634,0.910888306674,0.0971426172405,0.372691492156,0.418257701699,0.63398131519,0.224313962927,0.58683175526,0.835479287486,0.0611627481379,0.60980316722,0.816977834777,0.806332308762,0.419871280363,0.743274300827,0.927823930181,0.163564687357,0.584066800893,0.207997203526,0.427407831989;0.208891875843,0.421691656019,0.391565250821,0.966392146877,0.386984301547,0.0239169602191,0.000867333258929,0.967421411292,0.810134094572,0.914081269888,0.376160220365,0.501339404572,0.91610198043,0.21795402845,0.907966004585,0.636675317258,0.486032241325,0.228619470435,0.674958296183,0.456764687675,0.704190916435,0.321073140161,0.748892027465,0.816097013777,0.996833831034,0.876845800674,0.405459458686,0.697867265654,0.909202137156,0.31907525736,0.273130884142,0.8264696272,0.877925096258,0.361038212429,0.466011772907,0.592180304896,0.980027605577,0.027246116355,0.652414947258,0.043193309243,0.49680286618,0.288824301534,0.132270908686,0.999760283933,0.192333172997,0.343095704823,0.374959606806,0.471737183886,0.0496625087179,0.835931900128,0.123601681948,0.588648962341,0.283993705585,0.18279979171,0.539538959153,0.416219640117,0.908847301244,0.686380697259,0.658309988475,0.487465957056,0.553258314753,0.748475938505,0.381508742025,0.312102288401;14 +0.0620988141584,0.152386286479,0.351221378715,0.878385207099,0.42259973708,0.932559496313,0.733906454425,0.0626453504793,0.511740833276,0.180594176771,0.560511073635,0.705676029128,0.772167454123,0.515690148092,0.51800382102,0.462698539982,0.136369142113,0.653017500768,0.133493641624,0.621164422371,0.19149431982,0.764853345439,0.91322521736,0.538203773335,0.0401307824165,0.327027556879,0.395037081655,0.620458662502,0.0118148723888,0.166580106331,0.785160991332,0.231496307271,0.209920556742,0.462473370099,0.785763674414,0.427697199644,0.965300219663,0.227517896618,0.387048316105,0.198138683409,0.539815588589,0.675138976058,0.480387335409,0.135612107056,0.667377139694,0.134864901504,0.89693858479,0.0983292980694,0.411630460995,0.846396081175,0.133408339598,0.0799125142137,0.795871699241,0.43693542892,0.315700828843,0.916008131238,0.754970496333,0.615425961595,0.797189345379,0.254257666879,0.140449546937,0.768642413085,0.820671040221,0.806942424537;0.792586348804,0.880821349365,0.280999218334,0.29902836026,0.560083944393,0.0282136144187,0.559436017413,0.659554967037,0.731748561055,0.989903144462,0.557632542933,0.435063011521,0.949793841978,0.551019164813,0.878932017432,0.592966184537,0.949308588161,0.571944688502,0.219554587806,0.529732233709,0.497028244921,0.248363668693,0.384798830466,0.595284360897,0.625959239779,0.574023194822,0.621669045889,0.51904315745,0.176436265995,0.718579348729,0.0998954167065,0.569137121246,0.335443798168,0.392721549918,0.709806619881,0.324771080505,0.731396316252,0.759071153741,0.874676884278,0.855899434143,0.783370243404,0.836951293612,0.19433085135,0.119419774615,0.281090989279,0.478898887962,0.478722810895,0.528497419204,0.265384177568,0.732975670706,0.710861225188,0.241576469701,0.735646447845,0.892197748914,0.506965455268,0.945442767987,0.230647365065,0.422299357594,0.747764486156,0.533640236293,0.961184020169,0.296019035296,0.631382083419,0.278499155566;0.540505516873,0.266109669159,0.843549352924,0.00834810617196,0.898696316061,0.698978751353,0.79507574359,0.13860633253,0.272523631911,0.0629234905114,0.370927706282,0.300533136286,0.876999986353,0.976942344909,0.0194190099203,0.10067989039,0.405183770136,0.248138368052,0.468323550116,0.284844867982,0.180782024356,0.506452853218,0.666688600738,0.195503949725,0.479457851816,0.953051189597,0.952885887186,0.94251440364,0.247526227866,0.610090854519,0.592314721469,0.520439978639,0.455636269239,0.816391499295,0.602378765794,0.95470549606,0.554235612205,0.770078613633,0.904640744362,0.368599722989,0.131413304618,0.592706063244,0.955697649174,0.0912364374512,0.613752005962,0.08031673617,0.0840384278261,0.630860817204,0.455850546826,0.971185480156,0.419953034217,0.356606146659,0.242624982698,0.59878199684,0.114671391927,0.511899324338,0.923062841671,0.796237575622,0.63838635465,0.46879970147,0.556810662108,0.693192614315,0.105326861362,0.428830607142;94 +0.883757487322,0.81947363378,0.143713708477,0.45707976974,0.559223419148,0.211371662987,0.924124893425,0.685396660225,0.0407334871334,0.174201950973,0.303313368042,0.319068222121,0.340929307937,0.575518927657,0.741089076231,0.309378695761,0.00657424125781,0.940071661946,0.0460220652796,0.415949651454,0.427697930636,0.858050382872,0.593373875842,0.337236667849,0.949959055438,0.526240263987,0.916900481163,0.424123430998,0.839287710619,0.618635404147,0.500865014516,0.537950028154,0.877422417159,0.314653402294,0.410087134002,0.612530872735,0.321729984679,0.557069488094,0.351723940418,0.521157236561,0.354586362213,0.517529657494,0.586614787253,0.753208478867,0.330256021768,0.14972856118,0.418797255835,0.880392037007,0.825825638378,0.787496615907,0.474578207907,0.507853771543,0.79267280654,0.631062403612,0.829062098151,0.726042117901,0.910136932058,0.839551432678,0.273043657249,0.750988582931,0.645087820884,0.201538325644,0.612737233432,0.121172955591;0.150964086167,0.749780189745,0.585891530084,0.653681515642,0.868147020905,0.726590575437,0.480783230727,0.710055623057,0.834615832233,0.711875300446,0.530976676102,0.396812275221,0.0669470853966,0.956399910513,0.754419474343,0.323203645417,0.163799556535,0.489456155,0.872751835776,0.646802282254,0.00758172341095,0.0454442441696,0.242930951283,0.528496377438,0.043332519898,0.353081258425,0.0219655480584,0.255126454893,0.216412435213,0.118074118313,0.545503713857,0.0278176879544,0.0335715315963,0.152323921972,0.0936000379478,0.287195571269,0.710604685341,0.633318608243,0.988545530184,0.718546837653,0.496145042215,0.0549000213359,0.222595171252,0.485866749461,0.936247033163,0.00103088638565,0.434101829284,0.0754241922682,0.709788837615,0.831502749256,0.033842113274,0.341448235345,0.772858402913,0.165382486386,0.576715265253,0.80295905598,0.467495732066,0.923894511308,0.302818248545,0.949226464186,0.479770916121,0.282812885378,0.761899162631,0.985109842246;0.943420849321,0.561486802942,0.714594098585,0.973804498527,0.56291224912,0.171575811029,0.35268914542,0.181880869953,0.663227097535,0.0733836251061,0.63025660318,0.860666981287,0.0917449198035,0.647367594748,0.799021383229,0.318256284289,0.540012135022,0.872708023288,0.222820463327,0.890489476483,0.758006694657,0.635850134264,0.123791809697,0.0616376401249,0.889049020555,0.190946777866,0.86740714086,0.613373076854,0.0493680643899,0.326493715175,0.413330168262,0.848249914731,0.966123255388,0.955605783685,0.681703242755,0.514104492313,0.151349489498,0.842454281755,0.807843625646,0.652383674107,0.722630304122,0.746963358965,0.539105365323,0.331196064835,0.176082693584,0.745139693412,0.596992449511,0.335785054317,0.121291069194,0.134807492293,0.982213475554,0.144917829639,0.900213078557,0.351759032995,0.0883191362854,0.235517291107,0.11136688903,0.441808831627,0.604777251937,0.48385291337,0.282060578101,0.474576448855,0.103209987383,0.253594473789;59 +0.60914634549,0.623590858141,0.685160116661,0.628834349581,0.160720705577,0.401479304886,0.3289230874,0.46670794174,0.33513775954,0.041498558408,0.777661627313,0.924995514948,0.76715194207,0.116492743994,0.242491010387,0.327388020518,0.0304285510363,0.50203221212,0.322560956382,0.122081163685,0.395183183457,0.577573547668,0.885603779966,0.971590184052,0.922103936108,0.31743018517,0.133606212267,0.0921846579368,0.138826126527,0.0115829316246,0.135715481278,0.240754159114,0.781546649112,0.150146711947,0.661680632203,0.658144854097,0.283364371508,0.931031752752,0.577720256305,0.333590968067,0.282416885566,0.20239519458,0.940112652177,0.294980725453,0.00789641323138,0.000696802819207,0.587108642808,0.726459270944,0.598001032383,0.864386547253,0.586914698268,0.459571425432,0.322435522015,0.329028268981,0.739052516425,0.318584424633,0.0213917470489,0.892571016659,0.551356128265,0.0757099549396,0.318236424832,0.513418327659,0.999996998626,0.740994381505;0.0141314044902,0.186409241205,0.844663244446,0.0509404836346,0.421172444916,0.931790188834,0.691330555824,0.186263358476,0.850489308871,0.876453442654,0.632610270284,0.453685123184,0.451603886092,0.309435195752,0.366206470084,0.072224401499,0.0431467417349,0.199809144259,0.931466869729,0.0400883488065,0.429575425549,0.0803301924417,0.454141290876,0.546612279062,0.230549876078,0.753486897389,0.265387365765,0.0885505760709,0.806610958689,0.991607535237,0.9107650447,0.0926323852368,0.0487095422441,0.366256171533,0.00973584940621,0.0364864179459,0.571335611964,0.130494985167,0.670163775018,0.8948539228,0.864696182831,0.050453988866,0.830955405242,0.955703267871,0.360557298077,0.984549801769,0.00786819801301,0.889979562709,0.6500517012,0.656735020158,0.147465830634,0.20894612164,0.135300514682,0.862800256956,0.829636182807,0.979747894553,0.218437611317,0.868963459249,0.281223444774,0.69545256526,0.180119704534,0.771553706544,0.603369706909,0.102759727447;0.468080824442,0.907677982553,0.753553187854,0.809867582959,0.712678984456,0.415024453925,0.777487870873,0.790650280818,0.484353028063,0.309198650783,0.583786842009,0.0139469795446,0.411619307734,0.0479185372414,0.0427049974957,0.953448894529,0.198523860994,0.0355835952412,0.527507791708,0.109543511442,0.967383281481,0.874308509012,0.981257119778,0.140111214185,0.258326206159,0.877236740112,0.0493320594657,0.327542169753,0.0897549465697,0.704702245853,0.30666417649,0.178110575936,0.468113017134,0.114108744791,0.119892717219,0.837781823836,0.793508220095,0.975379548867,0.964934425859,0.376273481406,0.0314986971528,0.16432403003,0.51305094841,0.658546386059,0.00651999200476,0.560539746468,0.206399491428,0.706145526521,0.242775929675,0.148717007794,0.414161471257,0.417901094761,0.35403031924,0.456585283882,0.0368864080289,0.656820979501,0.486857382636,0.495447311597,0.730714518242,0.917356707889,0.960049622083,0.906765377484,0.371315847134,0.592148600205;49 +0.771326136835,0.272008874247,0.321305876118,0.167968412651,0.542855701772,0.0036183138387,0.136999121768,0.899339354251,0.259012227448,0.187506503228,0.319047418759,0.312100277228,0.818618852008,0.974185650859,0.637308737202,0.00971409911045,0.79602664964,0.810497374092,0.887708905738,0.241936689616,0.726723303384,0.635709362299,0.380835404298,0.300275682743,0.0648036904247,0.518574202807,0.450516114162,0.934605824495,0.628577793421,0.728773520344,0.120021872751,0.987922695626,0.80046632217,0.681688883988,0.206831999513,0.650301061918,0.585664769444,0.989123173217,0.0456994245852,0.0105957408098,0.201329043264,0.232869919328,0.863158509851,0.783765151791,0.964656342525,0.404343160688,0.594956791948,0.336841159724,0.697171291302,0.591333677511,0.401761808141,0.111737738641,0.060445110555,0.948582583483,0.668207581054,0.915384792314,0.785445012705,0.790419438379,0.690827142151,0.0477954818147,0.240382305541,0.235850340768,0.508230390172,0.528415352053;0.117883266592,0.693207795945,0.283960830328,0.0438213581672,0.054695865396,0.514016879112,0.0753068004359,0.761743284988,0.986447832516,0.795338856945,0.208312936849,0.826747411339,0.44733983289,0.659876209216,0.267389778492,0.509845695981,0.114983142136,0.914804094737,0.520980398488,0.292043984869,0.450061652586,0.551141117941,0.1594547129,0.956709221902,0.836497653359,0.300024475395,0.402173544933,0.798162903755,0.547708118463,0.65228123607,0.46593894887,0.521626481846,0.95111072154,0.300509680362,0.773825617979,0.378081559993,0.42051805902,0.225874884038,0.693178830812,0.221126209001,0.872229336596,0.396752810812,0.931600112529,0.0156223337668,0.345748695974,0.876201173117,0.788585277401,0.512170378862,0.372925984089,0.432411093918,0.306322033201,0.188326765781,0.940970581338,0.128854501298,0.9115762909,0.790910048649,0.886696552073,0.950398631874,0.866685268908,0.306644960086,0.607490323686,0.529587264042,0.952425740924,0.625667531063;0.22292719611,0.0226388578149,0.503533797556,0.477313438424,0.433512737417,0.187348540055,0.482208471,0.893146815463,0.756534599615,0.0519719835604,0.300408253924,0.115782159638,0.0489442339008,0.147994561333,0.762858600071,0.796868636634,0.258864579703,0.157429603828,0.347518265127,0.131800488181,0.655463932234,0.65152669251,0.281125381049,0.0458851784184,0.097218042254,0.408035781503,0.0880214495967,0.757018146829,0.159378296748,0.430747699957,0.572793952784,0.804510298767,0.586811034123,0.916047788346,0.676332855307,0.562932311893,0.0764727395909,0.456261602417,0.50715361017,0.331207924648,0.514807689076,0.343426660094,0.0846936552504,0.547177480628,0.826955574234,0.0878169396541,0.82921927014,0.3581879736,0.429723669878,0.105878447259,0.78539127008,0.224151153679,0.69279879342,0.304591336602,0.0858126425919,0.699121706283,0.24458862419,0.104759469924,0.473949106733,0.85639509361,0.390222967848,0.98492506398,0.742518297416,0.0353561995272;28 +0.298616300316,0.906496278222,0.655793527408,0.597783013144,0.411277023014,0.429685069235,0.718507447609,0.390439150891,0.48941193087,0.668888690655,0.478770735995,0.729339090048,0.700938245195,0.691849816131,0.947218970136,0.84765011813,0.427488769479,0.801123797702,0.947974376442,0.607497754444,0.964650239252,0.989037856306,0.0230651798373,0.431102899134,0.0219263199173,0.242382710389,0.24831224706,0.651405766212,0.993092719753,0.164366410777,0.523355142081,0.657676789545,0.576314312046,0.801559021107,0.936821129169,0.349407278922,0.851971397986,0.327938983825,0.319707881573,0.455478883326,0.588849527052,0.94714351362,0.478033793428,0.163452390865,0.0647661996919,0.108615470056,0.0387943516157,0.837335900389,0.590313616065,0.0487794001904,0.860705493628,0.0386801612501,0.379117282177,0.141488258161,0.23062735858,0.897377976441,0.26696047863,0.665078570307,0.358996566416,0.788295978626,0.627729888694,0.60924017265,0.792814859041,0.594096232906;0.0997741309977,0.750698002771,0.673439157589,0.0385706133915,0.754048349094,0.131291333942,0.892386539154,0.992068606825,0.0697857405401,0.882809536309,0.269087507338,0.925363476254,0.134395169815,0.446702657901,0.677924846631,0.736143579111,0.533905150283,0.819224324674,0.625619470152,0.0355618943049,0.310447464082,0.468491079819,0.107483740452,0.531914877358,0.0689663058284,0.112053350181,0.314042557718,0.856186023828,0.89979706719,0.47844750565,0.353247626631,0.518250376868,0.805352851139,0.77931914938,0.817555840781,0.971962142823,0.661831441408,0.83939448177,0.0032503057206,0.0619013541757,0.138946047509,0.282704966292,0.981348883054,0.182889920025,0.788615777771,0.921560830437,0.378957396341,0.194309772271,0.35017220816,0.691621663389,0.58373004738,0.121928785804,0.833362110754,0.61213312985,0.409215733597,0.722469731634,0.433671058355,0.258512486872,0.837667510736,0.271855363233,0.714308920715,0.168483351679,0.964414338384,0.65944918782;0.34797628179,0.969032233572,0.827315860168,0.724206755073,0.490874092839,0.178855430544,0.846609123962,0.91408034068,0.385103767659,0.411597868058,0.570859392483,0.122877276347,0.708500071815,0.0416430939886,0.328556359107,0.373028574244,0.669090092476,0.961184823994,0.383370105141,0.648544456802,0.798245958873,0.916492916209,0.455486840117,0.536835177767,0.835599547478,0.132547796795,0.567739980189,0.891965969091,0.111096167545,0.416926351366,0.0204459461448,0.0420656022347,0.380876069172,0.822088871043,0.982198964268,0.0383667468474,0.424798596596,0.235496984785,0.435097320735,0.714259865067,0.12900746417,0.30074155432,0.665156733963,0.474657755528,0.0304613947315,0.607364551567,0.219874288705,0.542780110387,0.83942328508,0.352658780115,0.719141956496,0.13534931265,0.640984176697,0.738789299638,0.242329214161,0.0377639443582,0.23021249958,0.906359712997,0.0564745731395,0.266373033815,0.855967192245,0.982595910767,0.217209251506,0.388648900313;30 +0.434880109969,0.626534128858,0.0506489954036,0.157090463075,0.898668737295,0.871632773817,0.882323921087,0.280166030987,0.739192091427,0.925162081926,0.499105151653,0.597066519828,0.419923545151,0.75737860506,0.535197649027,0.529321234675,0.744194190497,0.075857926659,0.783248653335,0.117937687107,0.901431579607,0.46069426524,0.820577007166,0.453549375986,0.0288005869699,0.0918432969793,0.755923343903,0.396521843872,0.803881877236,0.450417922837,0.937335938467,0.363983569576,0.24212743651,0.231163693486,0.379265718283,0.823275983342,0.420970565257,0.302510539043,0.532870360103,0.488366565683,0.372934325931,0.929771364485,0.38550054128,0.274885443242,0.115698833614,0.394357150818,0.306672835383,0.296125958466,0.54065621001,0.312145790163,0.552633686099,0.851695749621,0.295896506189,0.673030315582,0.95541087884,0.565556129076,0.549024499153,0.687896933532,0.942546457306,0.95567605202,0.977998384895,0.712114668054,0.604832526017,0.512317002815;0.477507287465,0.929088264707,0.784422972469,0.733525386548,0.468418421974,0.0532670132606,0.518242611842,0.806270601273,0.314833924915,0.603663331458,0.0703449882007,0.524665835699,0.190832260152,0.69179710017,0.733754696366,0.684161992261,0.425894693081,0.253035869661,0.288381144893,0.936274407198,0.779504071414,0.219420773784,0.404220006629,0.191131453631,0.402971429593,0.650144603987,0.00962581263006,0.186250358538,0.204636295501,0.329464186863,0.97380115947,0.587383130658,0.69614072184,0.0158897689507,0.605864590633,0.930527964652,0.402588375818,0.747439793193,0.146881968993,0.600119814123,0.251117735863,0.286346137444,0.585429231657,0.640543919271,0.946341490619,0.918194424721,0.262319906345,0.429671593538,0.0993214962357,0.791414993134,0.797887545542,0.953102330574,0.251360125206,0.281142848048,0.686491104526,0.96481469929,0.632114719567,0.216801080161,0.62953006751,0.464082494114,0.0103612812861,0.570655029469,0.693848127458,0.414705598888;0.270619336156,0.369250441242,0.615558865389,0.925452758519,0.0154449198416,0.237557942131,0.90916241732,0.0653412415089,0.706509247969,0.654272363649,0.178541091223,0.150527301934,0.312250033218,0.61525498357,0.501055802332,0.702163516066,0.066876483829,0.851694137243,0.565540630712,0.563246843403,0.208123756039,0.395888369068,0.749547775355,0.2475932734,0.0742748849986,0.19866206944,0.523521483853,0.623953076668,0.22944786411,0.52603447411,0.209953997062,0.459466234112,0.366296251539,0.76379882004,0.69045953645,0.971385466321,0.380524206907,0.179742407287,0.951587612791,0.267202555617,0.11217364436,0.546468676544,0.137349678559,0.10403540977,0.635967229962,0.232592895485,0.636250576422,0.251716470781,0.670943402827,0.748258673664,0.26494409194,0.371276993697,0.645204700176,0.91801535004,0.0975531826245,0.0214515947562,0.929126491473,0.940581765535,0.598555133705,0.300839814203,0.847049194059,0.874998606288,0.114210062042,0.400941893004;32 +0.442895684079,0.305270819224,0.764645617436,0.298735207509,0.486121993252,0.24076757752,0.69171999871,0.175914727591,0.493789041819,0.826126033167,0.716227307032,0.0244027925651,0.874389862767,0.763878089852,0.452022219819,0.141228259664,0.188078236262,0.159036197075,0.129547187984,0.549950641062,0.363447845986,0.304860291727,0.733369411254,0.828605423403,0.622928945925,0.532356823613,0.929283362285,0.480836477991,0.649152212178,0.0385002511382,0.0614817934473,0.880442350455,0.845678693802,0.702341430975,0.646392410966,0.979647617498,0.760404639211,0.82022686413,0.33512217759,0.96180236638,0.928791254724,0.338589862822,0.144019350076,0.926746198237,0.211372695706,0.329468876037,0.646141403207,0.0261622096108,0.401772178929,0.467070381694,0.479534426599,0.30252026814,0.0650077978731,0.861334969096,0.732763852826,0.111872080101,0.0591731545941,0.0235170971073,0.0846225172146,0.723315745382,0.773597180861,0.343717029099,0.777680669935,0.371860541104;0.0829530754101,0.743570898497,0.519506763889,0.442544117891,0.0431730874304,0.270927871199,0.888351199934,0.851285868649,0.286835574429,0.578646073681,0.305368302751,0.929721088512,0.206883545569,0.0532913702565,0.176231135577,0.85410340096,0.202470814735,0.537603220341,0.206449291964,0.834681421954,0.718541982535,0.761542314575,0.732322005441,0.779110428549,0.885107529427,0.344936657975,0.883042500615,0.182153056719,0.357976971483,0.782361775856,0.170484613006,0.837428004294,0.341062879833,0.0126639724976,0.772166384444,0.377280584387,0.145751624323,0.138669080609,0.684717450222,0.573450081345,0.0819790355819,0.0804057979228,0.759277246377,0.384012710626,0.373512145912,0.31643669879,0.860113116489,0.335843779096,0.0337238806653,0.697247918272,0.327682990036,0.602962793094,0.583363082609,0.307701894704,0.590964935948,0.498620548692,0.556968913578,0.905621386593,0.301410239103,0.555183025775,0.898083857755,0.859249292398,0.690886417931,0.580630067527;0.220586487045,0.0317275220926,0.585537486287,0.819412802909,0.749965497833,0.841229652809,0.593740460598,0.905317355761,0.26115679522,0.913100899708,0.311136948881,0.570745087222,0.422803354292,0.36491797127,0.209270297548,0.493334663832,0.449924375498,0.848548334372,0.0448810277331,0.355856235578,0.534720053456,0.812345763383,0.557863593428,0.36897405209,0.0276399735411,0.465721338195,0.82249557762,0.617878791158,0.133606006863,0.00922055372687,0.0181200299723,0.843517921904,0.98195428916,0.595757165703,0.445625227541,0.227124605108,0.752176215808,0.639461718708,0.129777635507,0.183856503172,0.833305467187,0.622247806882,0.806667527429,0.419684930943,0.621467055481,0.671154413279,0.367698882017,0.649381058914,0.3435985784,0.957424395871,0.874406811994,0.139107364072,0.697262366594,0.607491995131,0.706787104867,0.885677311095,0.884525049903,0.743832353814,0.120442852913,0.456116466015,0.899191071354,0.0817327557008,0.0486416750715,0.390985018556;30 +0.906008453539,0.211214902784,0.473436343834,0.302695426444,0.317444718988,0.904755354459,0.679451529611,0.846758004296,0.61219701415,0.845431744779,0.239637322585,0.70315188826,0.178821069945,0.785131132264,0.0140518674241,0.900963838482,0.660882934678,0.667323364217,0.00794074815066,0.795852163336,0.450047781889,0.418621254106,0.136179766977,0.621920284919,0.775228852755,0.783958221977,0.0884404934674,0.956954138924,0.521113848413,0.153977386885,0.720085393302,0.783736020224,0.153660958036,0.454118541804,0.998350033228,0.290370916729,0.813752445309,0.0284917386232,0.594244409976,0.0786018349146,0.12857565968,0.394546233123,0.34841797614,0.662063462344,0.240259382743,0.83555149696,0.878386008192,0.00566787632744,0.913220935589,0.554630238705,0.755469776976,0.928129426682,0.923996244155,0.310018651033,0.0503540490215,0.763414192548,0.258293228165,0.475260513402,0.626092176391,0.251658781744,0.888201460186,0.417515214658,0.832152837031,0.37172667798;0.482183735591,0.886803459247,0.873430436352,0.183779748339,0.421693305553,0.393124245645,0.585894769689,0.985852496979,0.534107205368,0.706231855996,0.700399225128,0.410963626251,0.204239565077,0.5228542859,0.613311946063,0.70779574259,0.768183653035,0.920672240812,0.323748876631,0.998213448469,0.775079466456,0.261201853217,0.720973985822,0.212188380298,0.288446564504,0.585224900768,0.0663004215402,0.368421381695,0.93684366365,0.0275751246261,0.683589549755,0.817567277867,0.895576393512,0.308666890246,0.221968406984,0.992874761967,0.0905376306577,0.392216359625,0.87720893566,0.0302559583115,0.103168242176,0.464812352516,0.185015055925,0.314928245854,0.61006558083,0.148706391348,0.498993773361,0.00832605824639,0.113812221223,4.08625025794e-05,0.78416225524,0.621211736698,0.111155057995,0.628382437612,0.486492712592,0.286794274824,0.0981408912479,0.895933703368,0.0686609193847,0.738174929843,0.776163853657,0.574562666324,0.42190030371,0.107243512565;0.350615592286,0.2337792697,0.89491012575,0.902354649438,0.81127945928,0.682720381032,0.440779583473,0.293228730118,0.508649904383,0.336331488167,0.165179528405,0.25038070879,0.0874656993037,0.50042655095,0.388834602788,0.417442274399,0.480705447587,0.378512795367,0.249457320049,0.740305303257,0.825272332454,0.442641970241,0.918685818763,0.540574408458,0.676143091503,0.172909719477,0.959264443907,0.0150811307679,0.575311429258,0.281225855631,0.0230719414752,0.676990324811,0.070182166852,0.276403286216,0.251437527134,0.0838779455593,0.463500894153,0.502528463166,0.85508295098,0.795866525141,0.317807110924,0.470062040867,0.943871063314,0.508765637634,0.992217074516,0.224176766239,0.240551097761,0.233306461036,0.195639121518,0.507921076288,0.57461028245,0.940120891072,0.031921593948,0.807886141779,0.71379617638,0.0642272241156,0.904563935919,0.66846331928,0.398980966669,0.128014063105,0.649141714404,0.818633181343,0.600571142944,0.12461144879;50 +0.731055077179,0.14476763831,0.309819275191,0.322394964487,0.112566124266,0.471928465264,0.837468361318,0.702044379963,0.939647227083,0.0593697394375,0.576033685839,0.300374116123,0.279270997514,0.392398994961,0.671195931991,0.161502887196,0.314604145411,0.902148728687,0.347579652078,0.308530870098,0.748636275709,0.294662894943,0.107763531688,0.403114130136,0.954251361058,0.0792953056676,0.92765510224,0.854189463962,0.861458872529,0.746284521494,0.638583814695,0.236072732622,0.101374992683,0.293355794912,0.0965440267169,0.565032924302,0.387696048892,0.452066926794,0.722980229738,0.748973168926,0.236614688203,0.323393459654,0.386869130777,0.120189074648,0.414375638422,0.124054070037,0.923770776565,0.666275049882,0.0622442949213,0.584258149168,0.357464191659,0.803469512608,0.760468697748,0.136893409943,0.72315182532,0.967264046937,0.34641774612,0.143118052621,0.807388082627,0.412787660081,0.449672216813,0.64750215619,0.12124680836,0.00662373162843;0.71835050181,0.668696292242,0.458594769031,0.0568753735728,0.328414595826,0.0861334570633,0.579079942742,0.303554567244,0.280915725329,0.804981435464,0.739939097178,0.514944257014,0.0611201806279,0.310557992213,0.248896861231,0.244825444798,0.412360726215,0.47646509407,0.740871869684,0.024833578544,0.764338781125,0.0824220373099,0.720551079682,0.35959477134,0.997760479812,0.526737433807,0.890612217305,0.993360687766,0.377087594561,0.424966879403,0.970276573692,0.882183198338,0.484411081195,0.342036723785,0.853631954539,0.435572053928,0.885001606797,0.900978197196,0.640360340551,0.409046641242,0.2034837795,0.939989589713,0.72782337164,0.0260762937741,0.593452023619,0.347935553395,0.00565911731446,0.197324598436,0.749098504921,0.883109279963,0.588915196751,0.162417213693,0.324131463445,0.202998599588,0.452575568848,0.91982625252,0.740774924354,0.234565869975,0.257615529434,0.900363061521,0.225748682413,0.959072508516,0.229097510926,0.258251308397;0.312358579639,0.43939277069,0.765400219012,0.192033224468,0.798289424009,0.278379115726,0.745059987212,0.474023586665,0.197053287247,0.0170633048237,0.357066702346,0.477893015185,0.395563075173,0.310621905273,0.101356864783,0.716334731886,0.527108170218,0.34729772342,0.608086500903,0.84478116007,0.934878169869,0.711603039276,0.310461049625,0.704712854984,0.842479551621,0.166557216191,0.848192728503,0.572871700785,0.858354910885,0.615798127444,0.087347795491,0.618724873481,0.303731811206,0.365062710982,0.518091476843,0.345549164126,0.075600931622,0.896199288227,0.872569709964,0.426068125349,0.491345133061,0.0583128611767,0.687321749057,0.646519814674,0.594081484215,0.280954397412,0.625735366475,0.66254444638,0.989580171959,0.285651176236,0.613360042838,0.5525573116,0.392953294153,0.174729096881,0.907590441776,0.29381881724,0.619569159813,0.894658772855,0.920139642333,0.461778555424,0.929562164863,0.930790965763,0.81219821202,0.0464802582324;51 +0.24486576533,0.527277337806,0.719635454,0.444493216433,0.596445161217,0.468954935266,0.607998255741,0.227046095608,0.829541471869,0.358596297801,0.973104043448,0.904246790558,0.747460293605,0.549352618287,0.0287106974163,0.999045650629,0.330438551049,0.90000871122,0.760342522179,0.595729587357,0.0230734791666,0.644800498442,0.749152237351,0.579720527813,0.310461097136,0.637712979749,0.427214501938,0.617046252022,0.778186282096,0.930986835363,0.668620108948,0.61557824575,0.882088266503,0.453020078687,0.512110950245,0.87280861379,0.825973307731,0.960122493777,0.248678965018,0.859412370057,0.638514129183,0.891328794141,0.36453355792,0.208095434246,0.401996265451,0.50060520052,0.168441849041,0.759902727157,0.107544344913,0.229119466175,0.0503186451649,0.540040054986,0.263024274856,0.0683570387756,0.789076629388,0.416179534572,0.140160652116,0.20317552016,0.198411123394,0.00605494244936,0.922108377608,0.654559844318,0.630705944458,0.715619458131;0.503356530823,0.540250211354,0.295811388789,0.769698121212,0.0229790534417,0.713048926522,0.581995796484,0.21687419116,0.452925763878,0.505721917828,0.583868009499,0.168148316479,0.824432766395,0.639289705047,0.42577912725,0.0345342574946,0.712396747046,0.408056142865,0.887080991992,0.404915473217,0.40296958291,0.581972424538,0.246086294779,0.624671330165,0.641861908121,0.614009055757,0.861150140324,0.172628206405,0.747142864378,0.681890572869,0.116572338454,0.766102895761,0.4979042156,0.982589613719,0.569697256564,0.723681682143,0.527961530326,0.231099468159,0.899099841761,0.172444515696,0.38888825166,0.0361409087762,0.216054858043,0.11318222431,0.0113924594618,0.665037301041,0.754463267104,0.259116945809,0.183859346618,0.498906694021,0.236490504371,0.61880857847,0.306220377001,0.141457074344,0.310221200971,0.551707776033,0.088570124921,0.627559314876,0.33603111489,0.724007754664,0.741756796485,0.915255262394,0.0134414850966,0.958235812676;0.129294042889,0.851424311042,0.716873993835,0.702671478841,0.263203568303,0.379753728756,0.774297185464,0.937119193328,0.27836222709,0.737097501086,0.921960454157,0.586705828884,0.0519459431487,0.340423321423,0.0701773923266,0.811585434018,0.813466245071,0.103221942519,0.719292419838,0.445823761478,0.791127173752,0.613597432378,0.692300175511,0.807155155676,0.733459745733,0.137119812508,0.475492141405,0.470236131098,0.417756090591,0.593478657772,0.696325173816,0.646985692231,0.954304131186,0.781737438184,0.335049192914,0.443861298454,0.930901467582,0.876125849818,0.496779143148,0.23249166026,0.717841377698,0.503647953317,0.239481874428,0.105540609974,0.907008105813,0.254083200627,0.160366609782,0.87716442113,0.00777712644983,0.334759279522,0.43265035216,0.520357778433,0.449495240963,0.546344207739,0.126851449137,0.950655041897,0.796804058175,0.0222065303511,0.995060069939,0.290842767754,0.769207923074,0.873534176641,0.245618988092,0.28758023423;30 +0.269980763804,0.859463515084,0.821508343452,0.239943452465,0.583693466723,0.440080504106,0.780644430468,0.411049376596,0.236023887099,0.991355348387,0.748137728214,0.158327225854,0.0828956065598,0.0601599889519,0.369671202791,0.04632684491,0.438139870267,0.192124505185,0.30108533684,0.580579349958,0.203832108569,0.320970734266,0.67991654994,0.306508890744,0.83852523263,0.724724314134,0.303636583669,0.0734729947344,0.354234453505,0.746675324748,0.235592365992,0.940396924377,0.300903714295,0.583497301747,0.638898896125,0.62977106,0.421775801753,0.31592504954,0.772428956165,0.781586230972,0.0824257060871,0.375080588484,0.80029563355,0.549972702503,0.425790901661,0.302659834722,0.46739598889,0.0619403398607,0.497546514662,0.891686135287,0.437785570205,0.674973161584,0.22565974863,0.338229788803,0.0654234419626,0.945629354014,0.502615469768,0.989324758971,0.629141401878,0.204484674303,0.997806068732,0.886096800825,0.923556755007,0.939461133063;0.628859660784,0.85933209471,0.577873340474,0.712209022162,0.00268304198064,0.437252084388,0.00561578046644,0.209317180581,0.378797107333,0.859611839411,0.0584708635838,0.0619233534007,0.525104122661,0.333933110602,0.104279782993,0.375561177087,0.340732034543,0.930221269866,0.618300407855,0.869108271899,0.676364968637,0.626645348862,0.230338023748,0.39303702232,0.510500685501,0.0573079057577,0.640402213339,0.0546533704026,0.486690283303,0.126466158713,0.976666033339,0.618080604126,0.387514220105,0.288491618607,0.0750007440757,0.394827510868,0.75911042931,0.682600636086,0.326660334954,0.578996491377,0.878312855385,0.209976313788,0.521761962739,0.321110605408,0.913390688506,0.968560136453,0.10962333201,0.555795054536,0.903560490489,0.932695942249,0.390366842274,0.904001185295,0.663144777489,0.69623449351,0.554660794861,0.0924817796346,0.837049690929,0.476343462667,0.970459644297,0.0571208359846,0.670878031127,0.953984560295,0.246849625766,0.520954930071;0.741509281063,0.171940782313,0.833979811327,0.0181704284939,0.335766491447,0.44650639466,0.172763723237,0.701080094798,0.0584471142436,0.671729689545,0.553939137263,0.541282278354,0.383788685769,0.554419726665,0.704248685522,0.92778960386,0.090479503997,0.507170916914,0.711486464634,0.664244657458,0.55960329378,0.534906818154,0.280658177948,0.125128812112,0.862823335805,0.496321759906,0.978679593279,0.756803146504,0.983427777022,0.615005587158,0.826639543607,0.774587394739,0.0169718498909,0.281082795917,0.225321289297,0.984275735874,0.299175945264,0.417487878405,0.972051271782,0.584464491678,0.343618692232,0.118526090784,0.836898240986,0.367753570839,0.707567649535,0.406423337056,0.247388837744,0.0466258785161,0.570629664885,0.886710233463,0.51498922282,0.640390890707,0.502372754473,0.254096986107,0.013717526402,0.48393917278,0.908329941949,0.901091007819,0.683200400067,0.418399490538,0.811908986557,0.338684896338,0.0958107059845,0.121889140605;0 +0.543114689522,0.561951876601,0.683464844642,0.128635380333,0.0531285693617,0.905437720065,0.0378491148561,0.824374764233,0.687463973889,0.653553939992,0.571521861812,0.447890077287,0.0278642382447,0.654367969612,0.493619168537,0.336162809108,0.435455626461,0.37760965015,0.287735655797,0.382145528853,0.703684261637,0.883539016034,0.976327335768,0.413698437255,0.679674539977,0.888954138482,0.900018615149,0.580460851268,0.285996116479,0.936158796176,0.624173475013,0.0133331057261,0.525820774159,0.501279501887,0.221341159055,0.897896845351,0.758576526538,0.43202610222,0.263989726065,0.664207141441,0.245524072269,0.314955535148,0.725799956859,0.438759765208,0.221707772237,0.781870650693,0.355188023093,0.82010534499,0.701169007395,0.579887990322,0.241360727693,0.466122350167,0.45816810592,0.0293332828781,0.223296246511,0.398231113846,0.472800139618,0.568553720123,0.761854947904,0.228912227592,0.63188719694,0.96665031962,0.842633805812,0.403319849906;0.160713297309,0.902425347943,0.303250881847,0.70719714172,0.82353903484,0.577506655859,0.347237017186,0.895101900718,0.185001182245,0.852565155644,0.787198863645,0.0478439384148,0.861443252509,0.678472290049,0.743270931868,0.625442776141,0.160566968413,0.367054910928,0.434551716033,0.776522702605,0.668019343137,0.384588482156,0.597558629691,0.823582694382,0.156432985705,0.052115650185,0.555036523603,0.0888590473782,0.534786891603,0.700891836252,0.185833304617,0.166773118065,0.278082453845,0.0465099302359,0.70132747855,0.784946508298,0.309401342497,0.417405200573,0.445119804996,0.221578116707,0.957396395016,0.715124095011,0.764035773894,0.184617725877,0.222116491742,0.529199397197,0.489075550751,0.467756174492,0.515747059319,0.882837427353,0.489333290212,0.868892225598,0.835729363738,0.203310141057,0.383976932422,0.00687306761586,0.819412229323,0.438817226076,0.419255526238,0.626704871779,0.757207120019,0.803802791466,0.844755268117,0.0196178417348;0.996336792196,0.304693727051,0.485196086336,0.764075278497,0.0454370473513,0.8914095281,0.452629210711,0.209275688504,0.794060406021,0.726270887629,0.294758730241,0.879268011259,0.957203947658,0.963697074299,0.393397920159,0.945382925944,0.155027182333,0.662725834162,0.122820075092,0.545256830317,0.960625050477,0.870156230437,0.0495349376912,0.1688783481,0.0761333957802,0.110424602894,0.919061003627,0.477463980789,0.509390107322,0.958613936968,0.853832179147,0.799753059036,0.0565794410458,0.90557237632,0.222615129489,0.666573434442,0.820157131701,0.402281108367,0.592224640613,0.500119458378,0.490261705363,0.593272380366,0.448711216571,0.574180588687,0.218997926384,0.587160270663,0.282986337681,0.330521633552,0.785540931447,0.922245228793,0.527460788056,0.0861458190313,0.122911131739,0.306269779388,0.149402360378,0.725666605325,0.248882655739,0.465544437949,0.476888971171,0.178869827042,0.717690786017,0.423931035394,0.991735596173,0.78065779165;11 +0.10122525944,0.625834160292,0.855473966979,0.262605658647,0.288519095023,0.537622317009,0.348202759466,0.482472646745,0.0969109172171,0.521461234886,0.591418503744,0.192266215436,0.828328596794,0.41133240735,0.132879829562,0.44787324457,0.36228629913,0.286673075545,0.31107161944,0.71607586993,0.307439462313,0.424851534255,0.0969739933741,0.948944617525,0.248247672914,0.728457706312,0.152646422519,0.160748771638,0.79625542772,0.484851825471,0.399657874013,0.0957120643985,0.338128645728,0.22184802811,0.341443418059,0.908392982485,0.251935876982,0.711183689955,0.509293927205,0.0815653092022,0.653853199674,0.671405771026,0.431603128367,0.292637970837,0.977104983204,0.589701799005,0.466826009597,0.190571894633,0.127776915134,0.300419967385,0.323932230522,0.62178128846,0.832239772026,0.0251679299921,0.21750642198,0.621507866416,0.865011423381,0.31387361081,0.681990765255,0.861771247502,0.0160881917522,0.612890890621,0.0355363461851,0.665602574569;0.587599076679,0.336984547066,0.0810378844882,0.997028759825,0.0865485252061,0.472043591348,0.0931710277214,0.0610974551045,0.60536445546,0.812480377152,0.379906946541,0.560195421033,0.55137292544,0.450968491299,0.879444047388,0.0971604027823,0.257078464126,0.85016639571,0.550250344362,0.573122573732,0.206734636159,0.558125728511,0.773292946023,0.597801414155,0.48780624751,0.642917691066,0.406077074076,0.569689433808,0.0231715639438,0.844478802714,0.411498285518,0.924578071358,0.725684010129,0.506986136684,0.583735530499,0.425210696969,0.664106098073,0.674158633853,0.599664588109,0.710288606374,0.210029569038,0.774691981361,0.453454484177,0.695317199487,0.0587219375051,0.783699114168,0.0764505251387,0.0708887692492,0.962183570886,0.235805400504,0.8084011601,0.276167607177,0.51194816704,0.60118324237,0.960954611844,0.922515954668,0.12733562981,0.410685746703,0.757691267979,0.853884957993,0.276403704012,0.261358202893,0.995536546412,0.728594739315;0.232537223975,0.376787082512,0.846287285158,0.364540860472,0.683874824775,0.711849250527,0.969361990665,0.714169099761,0.00421666659845,0.0567299171865,0.404466736766,0.752212269757,0.779334610337,0.0815749508201,0.879164834488,0.218133710311,0.725372699851,0.800014210214,0.570429723342,0.333664247462,0.692414844113,0.884933988149,0.333340021657,0.371677731176,0.539592526391,0.237701167241,0.632321312048,0.647671113449,0.118528019344,0.710112897403,0.383380300634,0.829005076031,0.712936840679,0.594141928655,0.119489448093,0.539115036717,0.102697504012,0.812535948457,0.924855915848,0.737398027094,0.377012578151,0.824243319097,0.30795419824,0.148328168091,0.62265819209,0.218685694645,0.687146419829,0.428560690655,0.871557729999,0.55393121414,0.947823899009,0.307110788227,0.00404434477421,0.865662600943,0.882304600477,0.8173104981,0.797282826394,0.481540816886,0.113440858485,0.829577940288,0.492992065302,0.0229910310224,0.135690209147,0.238665755533;72 +0.635964074085,0.860779506668,0.0804825540054,0.457104207264,0.632008937292,0.701288805267,0.81495847446,0.909268848479,0.467451140457,0.976887530272,0.316093700921,0.0254258294675,0.451927657328,0.535637628441,0.673438672775,0.347415311738,0.378351133462,0.0872533644583,0.663638844016,0.922580166252,0.763300954442,0.313920848402,0.502255186693,0.0226366046731,0.534491652863,0.187975697583,0.798949102946,0.670589819823,0.554251057374,0.815107760887,0.134778240872,0.975862925907,0.0446650638008,0.777095831299,0.720831789383,0.11575207168,0.251063954751,0.202423704346,0.294347438938,0.350355791957,0.425165918095,0.683918877351,0.0330088367823,0.00169714384898,0.608770090183,0.227593644901,0.148809967499,0.220389647507,0.942432913818,0.792399200319,0.755080877193,0.713825568869,0.128664269064,0.543984579005,0.175327893225,0.793680735356,0.0886370195157,0.105308919032,0.232604314733,0.426397147081,0.0694766895299,0.799806882526,0.493622331024,0.386753073589;0.923974379668,0.898161963052,0.324591827564,0.541675918827,0.487415313567,0.619486015611,0.696019379368,0.861690989682,0.812095353822,0.952454616628,0.165039647277,0.179601461246,0.0298679022027,0.832986821152,0.651518231155,0.547372288211,0.949224970503,0.160093396636,0.544806863151,0.965639074629,0.637959408399,0.590058091205,0.657105081716,0.914223070662,0.554662431461,0.470126249308,0.523151626746,0.712971625289,0.125823685184,0.688560114366,0.46838894042,0.498176262365,0.619918143163,0.285800245425,0.0906882826746,0.177589516545,0.129210633657,0.0134920863031,0.0402552467004,0.383250736912,0.762747381564,0.373151346535,0.991451039668,0.125855677656,0.668675012235,0.107610970065,0.350594606405,0.607785926133,0.48935761275,0.399741552611,0.459200918316,0.774273957451,0.141225361381,0.148053322847,0.493321045103,0.662617377501,0.468063759546,0.385837813821,0.437494360871,0.467971694415,0.764753265327,0.953359999381,0.441759906346,0.0679316659966;0.296043739095,0.137895285533,0.370232532984,0.757088100885,0.507209115348,0.219702684245,0.186385581163,0.565206171282,0.4336033069,0.335430742296,0.691315633607,0.981501946851,0.749650818456,0.782360052165,0.161150142039,0.263230939405,0.519312744112,0.163972696234,0.940007053653,0.202065831135,0.766758956961,0.738929642234,0.558108968344,0.397236189824,0.230467621943,0.600101425876,0.630806424344,0.632409601062,0.414983416975,0.835134869119,0.92918046187,0.542569600489,0.228965518275,0.501926462983,0.631264776973,0.816697652553,0.534383068001,0.608937674085,0.197647003212,0.0399706525376,0.947824922379,0.124062840726,0.0422125182909,0.139118450517,0.17833784502,0.0462414682934,0.12337239716,0.924544183505,0.752573688755,0.16254686573,0.331150678958,0.930418326177,0.28038422233,0.299686696472,0.783084155147,0.401482176027,0.725866825236,0.43262120202,0.676223033276,0.882418640184,0.334287958464,0.199650634616,0.655192856507,0.0221652127204;72 +0.589662542651,0.314473710052,0.807815249098,0.349370364594,0.167608112224,0.975017910347,0.508378926474,0.187550324613,0.638663957949,0.145238781369,0.641916472819,0.244572015256,0.135069681683,0.321169303364,0.628069105608,0.837301128157,0.432097561923,0.608029183143,0.839996902129,0.713541165709,0.775012358181,0.88280254831,0.940004136614,0.748143288931,0.163522128694,0.419209402053,0.758878091979,0.0403087078867,0.232549505772,0.334686473503,0.462740669609,0.245551211823,0.405058828239,0.388053958909,0.293702042756,0.829337777821,0.943332185376,0.279249332503,0.79315518499,0.43501962676,0.328904873108,0.758054426107,0.933389493865,0.21941319586,0.57913673506,0.469148188818,0.556552360192,0.909301734305,0.326147410687,0.88300155438,0.551925356549,0.966693786642,0.378094255102,0.815991526678,0.813874002112,0.821160760085,0.711255909043,0.562790502717,0.0503459748662,0.682346169921,0.756291116005,0.485135863658,0.993330851486,0.908399450007;0.511239609229,0.706114051122,0.964973108327,0.726285631938,0.681331568189,0.191817107966,0.623572930844,0.455900076641,0.80364719645,0.177582320034,0.826099523307,0.0776735292962,0.425356418359,0.0848330363876,0.85454934226,0.642606064503,0.286741637528,0.0876279023976,0.428479494939,0.370695444635,0.279181730307,0.965074798007,0.963114940012,0.945937169085,0.183223817303,0.537674077777,0.211407086102,0.845662825175,0.648708592463,0.997559890789,0.102752310889,0.291499776437,0.0240393488515,0.538054848347,0.43669594328,0.614473371269,0.455132073923,0.263341149147,0.883104723008,0.377446737047,0.345770812318,0.534899733136,0.911001264065,0.493797919048,0.556407960608,0.02748495696,0.224139597133,0.942966461134,0.494293513408,0.0267917340684,0.0152611982677,0.00627406568579,0.584633899117,0.518163031072,0.208151883789,0.186584797248,0.697126829912,0.393629878641,0.329839408497,0.251048199965,0.281014783641,0.597759788663,0.385768452612,0.91099946427;0.0789368551541,0.634324825135,0.92255132937,0.682283076943,0.353291100541,0.720638159566,0.217988056039,0.477461475784,0.771559945175,0.574818662784,0.982681350018,0.484043543292,0.742774819302,0.181188708515,0.732937186332,0.00862674464666,0.201585733197,0.899276507106,0.345938580474,0.763323082321,0.529329181734,0.627189161966,0.887787480723,0.00997342784437,0.845144444737,0.735480239964,0.410951684174,0.525292776912,0.51031830208,0.526497767345,0.496015412189,0.721145872312,0.638611606168,0.10097783366,0.109893565282,0.427522844846,0.32483115644,0.447599391371,0.777265130856,0.474045326189,0.466889349101,0.224742922146,0.695242238773,0.768447276838,0.846103368499,0.998667637544,0.800539494144,0.67863201113,0.299356754947,0.266932134062,0.0755406297791,0.264309264735,0.313037689396,0.491387730474,0.241994026792,0.00914770122144,0.537377434071,0.185466447191,0.578964289132,0.539717910298,0.140016089807,0.212355007962,0.870316106395,0.495532805783;9 +0.725658450782,0.681200369184,0.632020963116,0.897955212083,0.385355323001,0.373604945955,0.0303119771565,0.676293322925,0.328281520743,0.701433715043,0.618594098026,0.969600744818,0.943809334498,0.263324184451,0.120274214243,0.905852003531,0.544843574461,0.238584834175,0.355560496746,0.538886111311,0.444101544587,0.137180954372,0.525392147747,0.485815055129,0.556833095334,0.512821874864,0.342266772521,0.0311872299364,0.264960307525,0.512770275264,0.0307657119873,0.366587014311,0.376780428734,0.8835947715,0.329453737083,0.863432184482,0.421144939755,0.759962181548,0.0677088218002,0.663554311829,0.301623105044,0.750233998618,0.727409360099,0.479327815551,0.00748081298174,0.867502312946,0.547011077451,0.863952140179,0.9751499103,0.417382715114,0.380579283151,0.358499501991,0.690965972788,0.0865833736773,0.801155926738,0.766103365397,0.775265697909,0.20255635703,0.606404672345,0.340789662315,0.872539688118,0.56845582328,0.29037429981,0.890522772959;0.125685593117,0.670310435706,0.557281454112,0.945245865803,0.406993280546,0.324079770928,0.431777995774,0.487029754176,0.273832933193,0.150184468235,0.870836801985,0.1925204622,0.0795533534703,0.691468292964,0.192664736928,0.930859970425,0.817699684915,0.0684314416199,0.00317030798007,0.970309484548,0.412213028765,0.601940766276,0.330037508503,0.339309612887,0.202316469376,0.796296461246,0.548464056587,0.0444955945242,0.213897633432,0.290321500832,0.313414053177,0.582374803729,0.733437754399,0.958441055933,0.024818469094,0.346149633992,0.835037508716,0.349590765966,0.923833047766,0.207332794245,0.682825650328,0.342891085206,0.911607946725,0.281723537547,0.924566781852,0.00186715266513,0.300259262429,0.654187500579,0.241158456511,0.730436427629,0.485979287282,0.455675564982,0.798903821792,0.23633484994,0.604688445147,0.0429386611473,0.0165748001869,0.2806643926,0.528859860381,0.775943548621,0.97812540847,0.151027635574,0.0218995951017,0.553332215486;0.450235713636,0.214977694802,0.0132294677239,0.255201293375,0.280377066983,0.607454473933,0.533971278022,0.440304783702,0.673105984271,0.296124301945,0.828248211703,0.0880281040359,0.976522674191,0.828139674248,0.0235090106734,0.155792270221,0.721416285259,0.854058088327,0.947773152617,0.182687724,0.521349483179,0.323205111608,0.572807315612,0.917330061128,0.337839598725,0.823380173596,0.0692512778177,0.442186594356,0.0844191180458,0.571121222159,0.205862217765,0.0283677121335,0.685499431307,0.766880006553,0.841738182447,0.835105528773,0.568418525414,0.78186057428,0.572812152918,0.0976915559286,0.576837645059,0.267441265113,0.0533380153117,0.901816914766,0.491888304933,0.0565193189966,0.345032810425,0.408276090356,0.372055965271,0.942853376592,0.971301472423,0.210393609185,0.486909866555,0.951263193348,0.318141066942,0.0836284135424,0.520784506773,0.509216707099,0.426377216511,0.0303223631011,0.685517020391,0.465435746731,0.182783695344,0.819312021156;84 +0.779689502152,0.745655968486,0.791665053025,0.0635064160565,0.0224053730859,0.826083674244,0.585726856644,0.254692513836,0.508236416788,0.279134581945,0.0834954673251,0.669125775954,0.138619197711,0.28891795122,0.522087738255,0.901365241397,0.264759047228,0.27091661594,0.488297498911,0.670417629433,0.553323821353,0.692030685666,0.218277903909,0.913672792341,0.630671190769,0.327492826875,0.279629637145,0.943277184423,0.017869890036,0.96616886687,0.679172428238,0.235168420106,0.0773003288913,0.874743208536,0.810212586987,0.938497317587,0.225363675839,0.443546933601,0.0285095620096,0.525943375005,0.495469079162,0.997843558785,0.134887285486,0.932030669548,0.709605099086,0.195325358776,0.889307215621,0.579675882447,0.272390462403,0.0930038797746,0.153814757027,0.206497976237,0.647607637741,0.577851630645,0.981131391851,0.669792455071,0.72032035997,0.556555917119,0.596227635058,0.550928762997,0.669483568772,0.701996887855,0.0148356689655,0.955213139561;0.393939918346,0.877302713001,0.853309862013,0.282476046345,0.997552843711,0.365917946607,0.524122156319,0.718347448146,0.563160410082,0.268653479897,0.159137078858,0.2860399206,0.243774335495,0.384470967169,0.944060646654,0.763525641205,0.428806533319,0.928921454769,0.894382130394,0.912984730801,0.592650966757,0.907452662426,0.253685493874,0.766645749694,0.55488437822,0.457093632273,0.243141923161,0.495278534979,0.631141357689,0.633699036094,0.0390230979533,0.15347259289,0.666154327864,0.0220306461348,0.644349856907,0.700479032847,0.302538552825,0.77487568368,0.871527022556,0.654158385281,0.30442680464,0.345663136887,0.997020738332,0.401377820427,0.693137215795,0.0172030471241,0.842848772396,0.71815910744,0.602401139143,0.539515149907,0.663543985736,0.112495823008,0.233631446929,0.916334579164,0.356832079012,0.315206654139,0.234937601829,0.416124861453,0.767260014274,0.826965501845,0.922708661216,0.61955334416,0.195711887107,0.192285107523;0.0748596348015,0.708183332687,0.742259885863,0.0659291762714,0.0989056856795,0.999346041073,0.242325190837,0.655113411678,0.826505990884,0.22237242622,0.622289087572,0.914788969764,0.872367999432,0.889263394992,0.0276790270506,0.443861260463,0.361941980353,0.560323180302,0.29846282488,0.740628708484,0.271494615525,0.672910565055,0.7326221785,0.138323508558,0.0138223524762,0.12634557252,0.607221461959,0.479771962729,0.604480936486,0.894861240217,0.0481399848971,0.683578508765,0.762678723191,0.795565047529,0.506750647734,0.627033559917,0.163016792374,0.94643900799,0.0649683630366,0.09756118314,0.786367849632,0.928071798783,0.132063625183,0.130884590741,0.485847821257,0.271382998842,0.249804128135,0.222253701193,0.334978350045,0.94943932384,0.368343347306,0.681392593161,0.90324111254,0.844405620348,0.534213104455,0.0655150575327,0.219356297423,0.0758608500595,0.0887981971501,0.22606566091,0.568830278141,0.443951058003,0.390464608824,0.738431097182;98 +0.150870345945,0.337468581837,0.614034093974,0.580093708318,0.438909250929,0.736672611185,0.797967587744,0.74401590824,0.217582780168,0.549288142146,0.897295018821,0.638831586538,0.459734910988,0.849713899021,0.590556198205,0.585289792803,0.41382286849,0.987128277447,0.519033975526,0.762802848595,0.522531827611,0.954287647006,0.362456558687,0.0370556143475,0.0153705303432,0.0657901920036,0.490522633823,0.934458400657,0.209083095965,0.444538608656,0.074470975313,0.557333235985,0.0620121513285,0.265802061509,0.421926406635,0.619981625582,0.964503956731,0.199082050009,0.755430450917,0.0848191408691,0.135044549927,0.30623643455,0.621926824164,0.737597922519,0.113507404335,0.803387207884,0.761271446245,0.713913791898,0.907216716217,0.214572977219,0.115817783815,0.153997908125,0.098952543778,0.181502718157,0.117715639486,0.00624383145411,0.228215458896,0.354291635012,0.667195331495,0.537555595559,0.000942388080892,0.693279943973,0.863804055801,0.198213651852;0.122193889584,0.872412542834,0.0854997530148,0.052642312753,0.283704852603,0.104980163356,0.50819488508,0.0306550494161,0.753704418716,0.434299052485,0.0253644693859,0.985952087396,0.731051067162,0.866997383328,0.082787756348,0.903397201212,0.669046889088,0.769730457694,0.0105779323151,0.557718520637,0.703206643433,0.339134501787,0.293114200678,0.246571253443,0.894849194614,0.267232652906,0.0188022918941,0.493710604498,0.939274278308,0.617810805635,0.0432903162835,0.627532278237,0.613529937074,0.0145992703746,0.665991367361,0.443372370274,0.0557511676259,0.0349074122738,0.465238768215,0.577115671319,0.802221876115,0.412185046538,0.455228207441,0.56227722427,0.0802113807373,0.891742405643,0.334983772937,0.160463282847,0.351035678062,0.540442663642,0.294287611977,0.551791838788,0.969036680781,0.618593046245,0.452455168736,0.810643533768,0.692419485966,0.292608761013,0.681598382494,0.544658731194,0.431755618027,0.0123503804021,0.226606121599,0.637813940401;0.63714961703,0.708939153481,0.0900616582778,0.0573879434093,0.379884199985,0.13775254715,0.692302799443,0.446355501383,0.619921387351,0.397989968828,0.047639017195,0.86356477844,0.627435986214,0.0692706749234,0.61161699258,0.890426317775,0.280887127168,0.133449799606,0.423866397041,0.2852774828,0.0172481093426,0.83790275818,0.897909098212,0.273116392246,0.178858192776,0.600675085281,0.623317103158,0.804771811808,0.366140818685,0.447631550539,0.34370741199,0.307382804341,0.775358508707,0.671483318252,0.0759988016721,0.528233285736,0.492027407188,0.242160216896,0.891872675777,0.706825678399,0.296436904411,0.373625322518,0.636679142489,0.00824429460279,0.486646264726,0.466807589942,0.779779247373,0.205939928592,0.804539071182,0.930261341385,0.366073792041,0.670564354983,0.119651009836,0.0279188074183,0.222868818002,0.91705403045,0.947017631458,0.566127740072,0.751280331034,0.474738359073,0.506142349889,0.0182152220078,0.510264605706,0.588391810278;88 +0.816275529891,0.734427564218,0.333019474248,0.490967339703,0.228147312471,0.448259025618,0.875406374693,0.955609643834,0.437147100318,0.372839791142,0.0559841865092,0.0451414266021,0.323503171603,0.797585559226,0.60935721855,0.490215522676,0.63530639961,0.75782604854,0.863003039812,0.565922145454,0.666234098942,0.569013611256,0.437728274196,0.121653584097,0.0142950449659,0.485710664576,0.748049612649,0.705203340236,0.189810741476,0.921364585987,0.875998113904,0.495195995047,0.356750022386,0.0263429391712,0.747162050442,0.802857657349,0.921213655787,0.16718804477,0.355174756235,0.869894921137,0.320992690336,0.29037321218,0.87243366816,0.542028232058,0.645036494892,0.653556219468,0.591337033154,0.0187105952966,0.909992061852,0.361776175682,0.316803393854,0.118511263757,0.529629659624,0.929813464341,0.910686936931,0.0664032840864,0.161776108128,0.782818255856,0.103639135717,0.814184983531,0.0245929189312,0.0529348221199,0.919294196199,0.0774617920239;0.802157282097,0.706259437101,0.221038518309,0.922121426157,0.953668248722,0.61945916943,0.318264066037,0.929725008036,0.135906688535,0.185022297413,0.0707159345542,0.750002102019,0.993066415029,0.279157627429,0.0535728301628,0.165168203221,0.340057283969,0.228123069066,0.0351673277464,0.691633852602,0.877178881851,0.427850522238,0.0665039325032,0.443229985647,0.0333887789869,0.458299286313,0.916226822782,0.24817720738,0.0492205811356,0.43267377371,0.0682613246078,0.320487358825,0.373499528641,0.217288318234,0.901792521624,0.227957068796,0.0586469515827,0.307474293682,0.398104096733,0.315332791397,0.485653848005,0.0568097085888,0.193855254301,0.119458785933,0.22594172328,0.285606738808,0.59508645183,0.332773899644,0.764395802185,0.878837595737,0.508086710629,0.12580138661,0.718560892458,0.670307883269,0.552576585399,0.242098440537,0.637912563977,0.948695863736,0.717849484931,0.988661315765,0.665596206333,0.537514829141,0.624564858702,0.648798905959;0.694438783101,0.97601774836,0.193962140025,0.149977726812,0.0056385284697,0.764459287239,0.773426208379,0.709200841967,0.369877174338,0.613503140987,0.584526837741,0.610835956249,0.318212595611,0.920084654601,0.085860535606,0.511946175835,0.99322295789,0.0639822878366,0.447850473222,0.0813448299048,0.568039257987,0.868692648332,0.788595044978,0.475102374235,0.242713570686,0.00287407883554,0.276872034312,0.0530638513781,0.655997690548,0.555577865896,0.422621985059,0.399655312452,0.921028334854,0.439902943586,0.71642732358,0.486974541522,0.151208615723,0.41907328793,0.208865355367,0.217320978668,0.237740037912,0.825653415263,0.226880657289,0.223383684573,0.180477325699,0.203752958447,0.5698462409,0.716227170909,0.0816449639705,0.983579203249,0.542555928937,0.725630854248,0.309532309974,0.336025109932,0.772048073785,0.620213033786,0.651968372925,0.578486098342,0.0631985562714,0.802869200087,0.927115610498,0.742840465303,0.236514215123,0.937101053156;42 +0.964622775394,0.92965046042,0.600431903956,0.745237287019,0.351399499431,0.698253211511,0.764900210392,0.612568512444,0.569147231815,0.613587911724,0.306604454698,0.19876362718,0.654747404378,0.835714252355,0.868143202826,0.489368253202,0.822104871579,0.658852780016,0.930246504482,0.671909586853,0.582478973721,0.918039179622,0.669512136884,0.233084019366,0.775759965548,0.355243675086,0.744407453431,0.367465848107,0.395772537992,0.079011932759,0.0597397055016,0.59050020803,0.144783759371,0.763885374532,0.550926336075,0.460429273592,0.911326338185,0.542581849829,0.896972074576,0.796730197284,0.908591449634,0.211506413684,0.188330489989,0.0954924038577,0.723577805424,0.521643777945,0.797358289832,0.281105194734,0.936432495467,0.97156596609,0.1839843728,0.757524620394,0.206780771363,0.95730958313,0.75802381994,0.0244462049486,0.433827135256,0.998121033206,0.0903754581662,0.788674339248,0.726735498966,0.439829788514,0.918461482028,0.510911347512;0.770442962022,0.400395540015,0.294881710205,0.636898570707,0.688406093691,0.0718329884338,0.862777238213,0.253844977207,0.842296728813,0.0146138942925,0.35443506835,0.4310295892,0.719731396401,0.246489208793,0.59150549124,0.736961842721,0.176538965634,0.983334011139,0.762810162115,0.713995901394,0.88131304393,0.530015800719,0.280265680451,0.074857345184,0.124054111753,0.0919944979576,0.367518454193,0.472810618315,0.304109756716,0.57683072887,0.883497429313,0.823425191692,0.723863449195,0.62854719487,0.193687980172,0.911755106616,0.447432292464,0.907962517744,0.643112624183,0.349580521917,0.817597569383,0.886761380362,0.389081808607,0.0163887767132,0.56058627617,0.53151185473,0.91269598583,0.847487048366,0.763372099581,0.0521985990921,0.816000951009,0.55724096671,0.189545094435,0.378342459997,0.209321380365,0.202391874572,0.759245665098,0.442201705179,0.954790586366,0.0642329367027,0.16404548483,0.76516990303,0.24303327384,0.134247485839;0.466604215783,0.789831940043,0.893990690642,0.434953580735,0.6967474493,0.560471696517,0.744895990657,0.154726009415,0.53079618653,0.433716154337,0.74936903485,0.498775518213,0.385597544069,0.0151765391751,0.788048013485,0.665523760945,0.0361239654443,0.594117013249,0.363531211821,0.717663663931,0.224374350538,0.510491346843,0.120906231281,0.718289004165,0.742018619089,0.274540265835,0.342942688646,0.10786700689,0.29605937903,0.133948713377,0.661372318525,0.446991059368,0.0941959295735,0.184488870105,0.457810133846,0.44674051297,0.172300390823,0.780318797089,0.889062707508,0.256358085763,0.476472789117,0.575331340227,0.00426200446293,0.704461060471,0.781821140861,0.321881471477,0.611071086379,0.520903240345,0.746583310593,0.281373182049,0.317028209639,0.60401526415,0.174941586351,0.828842152454,0.636001523847,0.226020231616,0.70772627638,0.40891602528,0.34410405657,0.402308645759,0.673390361912,0.730639229673,0.350722164272,0.800593020218;92 +0.643300282549,0.479755013599,0.278423955809,0.871186423144,0.66116274406,0.54329314543,0.173132086412,0.278073782594,0.00230653106865,0.230781498352,0.462490831721,0.948282434075,0.531061651151,0.130753565762,0.919463735304,0.0190741141144,0.203839063742,0.294158647382,0.231528040557,0.681420182942,0.173715307219,0.939517966964,0.793490139861,0.618975038503,0.18873204053,0.464708129671,0.537965698804,0.627972385722,0.577799732948,0.470553536519,0.41362795912,0.413962588261,0.709654467275,0.350246028712,0.728195308224,0.503100767685,0.0495991758205,0.430023948967,0.165734602489,0.243710958626,0.0553771827684,0.0393742968836,0.808201105141,0.348458210086,0.928809312963,0.662506094426,0.745694900824,0.444714976886,0.611332189671,0.249258561201,0.615513010774,0.282065830069,0.187860962742,0.639082997413,0.442893416111,0.856145825216,0.684275376837,0.248622705282,0.184097470934,0.00410099112951,0.835943692698,0.204017958977,0.702377981063,0.712181773639;0.390854050801,0.853338962452,0.134396503942,0.00210411624434,0.567376024693,0.0683700459277,0.241172438417,0.929482234483,0.321664619188,0.868387318475,0.431357323412,0.107362367917,0.405078776472,0.662654039741,0.57726896679,0.506979393866,0.761748170698,0.382386467743,0.260791044628,0.5821171265,0.52329373947,0.157638248664,0.143971026868,0.72149223789,0.798041986866,0.0370146223508,0.965805426876,0.880016491049,0.21409402807,0.20805424336,0.548381364219,0.546971835411,0.416743957624,0.0757063032223,0.653463031529,0.531621644782,0.650374262353,0.23042765516,0.986106155984,0.196142004429,0.994826147558,0.530956284811,0.475194237678,0.969694801783,0.830628205185,0.303512088387,0.798450691074,0.595613023802,0.329474075019,0.06681682018,0.517047517984,0.587301257689,0.18091544037,0.972673745265,0.481320340351,0.267081411196,0.662628244676,0.839143410774,0.731915055452,0.876811374397,0.578005229702,0.907571591479,0.617110754843,0.619113012967;0.333407237622,0.700552561292,0.5251608695,0.751383971318,0.435156012381,0.998747211593,0.219877593593,0.285942674009,0.443844375642,0.308138551749,0.19690210074,0.467424721267,0.429144829109,0.766658400811,0.228347252547,0.638564748164,0.0229089025464,0.798017833365,0.134519370697,0.893663860494,0.902826589251,0.273017371781,0.277807111947,0.874196209846,0.727563335957,0.02086916882,0.709995161175,0.0458637001616,0.661283661672,0.278412049236,0.228447012114,0.233059678287,0.190793246747,0.394813061241,0.197892417238,0.497626197722,0.312840450633,0.149027705488,0.504167216211,0.968035617844,0.864900529427,0.911508437488,0.317631551886,0.580110737971,0.3469767327,0.410054968513,0.244501616809,0.186945591048,0.896340685201,0.529274575181,0.3082094972,0.153962965614,0.21460740096,0.195807213577,0.702878185504,0.670293373101,0.0730974849711,0.764988717394,0.231075845734,0.431514270265,0.116117055561,0.177359329815,0.448365697605,0.23003814259;48 +0.556239997793,0.3727878661,0.801692637629,0.789513932892,0.573620539542,0.70332119855,0.758591269319,0.873072756252,0.587028502533,0.0809402091437,0.904098906964,0.495179144677,0.261810620583,0.0264902048859,0.0924030063382,0.35799575139,0.592650972749,0.0861950762177,0.998134150812,0.783055251146,0.840819323348,0.93365420827,0.658277381249,0.750781286849,0.0560852218843,0.753080374495,0.713094768945,0.409518717752,0.0428121487284,0.0144400565828,0.439048854613,0.884767242988,0.126358590706,0.147533661429,0.847037160306,0.828690278553,0.5116868684,0.356464374982,0.270463085889,0.869876212481,0.494983635058,0.21939669268,0.535837955482,0.00947582859792,0.771329770136,0.430966817807,0.861613271431,0.491266930657,0.521205287978,0.508335352303,0.00449107743878,0.120884170989,0.975341878748,0.326440108309,0.454490185269,0.62739577073,0.176141226241,0.471640606796,0.716977766041,0.753443882706,0.899287082716,0.885844719075,0.749588677251,0.505167740577;0.13231540748,0.370608525947,0.998328576094,0.58631199368,0.00938118983183,0.735124096941,0.605231940093,0.339360359078,0.843610247598,0.0300881591143,0.67746421096,0.0486253431883,0.202805390023,0.443687431268,0.615926511561,0.0614049181382,0.00793493039085,0.661720725008,0.437531922825,0.670665073316,0.0920952068248,0.988892772644,0.910582332609,0.0237923230331,0.6526467037,0.759098268377,0.769093654859,0.180270989259,0.229077127205,0.863871473164,0.298675607491,0.593521156512,0.739493879338,0.822995065354,0.759432862738,0.836443466329,0.340123456088,0.473634996643,0.653899749923,0.0630961639648,0.725173489244,0.506976992994,0.944982101152,0.261921889439,0.0166626999774,0.499527966504,0.80200645304,0.553561725114,0.765953573278,0.879549405284,0.486586278243,0.244547328967,0.897099409033,0.56675018552,0.829196619687,0.0631397624806,0.250338951374,0.861071860747,0.458963773536,0.616363248639,0.485120951494,0.00258970510252,0.388128552941,0.526106504577;0.576671963695,0.541230417685,0.505392760273,0.395175441064,0.344293566258,0.559323148677,0.998335853855,0.522471830302,0.360837054481,0.987638753069,0.250201737989,0.175042055034,0.373814717924,0.802738775385,0.605220959705,0.896015199262,0.842632221807,0.163465692127,0.695818647801,0.530910008204,0.580577422789,0.495366598515,0.357530236611,0.0988773964753,0.744468541204,0.823885381249,0.397848270573,0.40318378984,0.18699361849,0.0227349877694,0.887978479433,0.406817131503,0.863829251695,0.0346243963584,0.814547909307,0.465829719879,0.584689229269,0.754768346775,0.482424344399,0.434915643241,0.444448283803,0.12845457687,0.667605445121,0.515511560585,0.733378445324,0.638638791372,0.203191411951,0.398442262349,0.154865987326,0.897409140105,0.912064408044,0.422792794833,0.646888688092,0.734912290528,0.876579778764,0.0559800444403,0.392359143431,0.267626333385,0.163259765995,0.324209739972,0.733451785705,0.467662649804,0.297945871845,0.372188805831;43 +0.691537640247,0.100584008655,0.800241536586,0.775406666826,0.215407525341,0.997791338837,0.552544192528,0.981101265039,0.985335067822,0.866492595223,0.827076695254,0.760893016099,0.358946525849,0.239854749941,0.943351527773,0.77550762056,0.816832179666,0.381921719601,0.604047483596,0.440485327701,0.0591131467567,0.688372612547,0.00219087717299,0.318014010252,0.408611074745,0.599092833682,0.575987173524,0.247032224863,0.377897230365,0.0884955786223,0.220296490054,0.23212084067,0.248556485934,0.392806675705,0.0208437992921,0.115742549917,0.403063913542,0.550514256579,0.728523507173,0.522704213654,0.22355827197,0.446332579305,0.467002034958,0.714835970441,0.231387731544,0.172276412913,0.702403291616,0.351402566041,0.381801521101,0.150530487241,0.244930985572,0.486748679024,0.809416076052,0.208310215387,0.860152681232,0.90445149155,0.916776353229,0.553718847359,0.10417928454,0.909519264435,0.796321043288,0.0926031379673,0.0626327296836,0.519730850621;0.426414646949,0.0783742820715,0.262716642831,0.0760056287498,0.091529328445,0.982545915053,0.866034418401,0.14162482321,0.657730247845,0.469384769964,0.364264021992,0.252977805992,0.740728292922,0.842749176506,0.27917920699,0.632570889102,0.0993907504031,0.0068825769641,0.44636286641,0.857136163997,0.797659430835,0.27294759349,0.1732995932,0.488200703947,0.751702738175,0.680375759692,0.0800243103761,0.314548533478,0.040624923982,0.996859326148,0.37281260669,0.035569170125,0.413747658502,0.51256868544,0.334757639802,0.267903785556,0.299186816796,0.227185376102,0.509620878984,0.395150966877,0.966624809213,0.840975744623,0.910752131089,0.0800954731684,0.718221330243,0.477611747363,0.0930197937138,0.183349954787,0.694167468012,0.0989587438256,0.768314562056,0.109590627932,0.0645914129085,0.336275498488,0.564595025106,0.486915742855,0.245192504983,0.438506294351,0.121236140902,0.422555059015,0.0284887715075,0.149704424333,0.55819070112,0.762004970507;0.835170149188,0.638426524378,0.481228645092,0.351985489436,0.484763476574,0.185376783264,0.685203399524,0.111509947078,0.779326796906,0.613192447898,0.651319464393,0.486129479501,0.67899294558,0.454892436895,0.228154386655,0.104707676492,0.164410535145,0.552601017399,0.967116908505,0.450389155187,0.105642541681,0.0722734756001,0.111627217646,0.527687967076,0.480854417117,0.192101425646,0.813055972038,0.713402078807,0.623311634699,0.577030237274,0.251066291018,0.631926408132,0.0871642644612,0.466466672282,0.609599793005,0.354672723074,0.352834406639,0.765735017224,0.187729818588,0.364408394749,0.290533285326,0.43209695113,0.0873569147131,0.298832688666,0.761018344255,0.000307806740143,0.669309620777,0.0930391971018,0.150375966448,0.101864373085,0.226322750579,0.37947327979,0.118213243816,0.651804802805,0.37928370104,0.0810156441019,0.175713647784,0.168650100891,0.656030850283,0.414070975172,0.954762136882,0.0988439876581,0.0636732563046,0.832490122362;85 +0.430842610397,0.902060594139,0.16699962488,0.587743267617,0.396630657037,0.447143852905,0.386211417235,0.786799188043,0.053666526689,0.0227308142284,0.288609996248,0.992658860884,0.921364322064,0.408032217434,0.0868778921038,0.440987304665,0.199431186497,0.503217933549,0.951118603552,0.759981748768,0.263967536651,0.0486343985598,0.344104315703,0.812229817713,0.92624866347,0.333067101477,0.244987722193,0.944248139731,0.865133883205,0.325680173262,0.11268914844,0.109850839389,0.906916556826,0.91759081652,0.154608736218,0.714334265193,0.516718564927,0.277115779779,0.729623959284,0.287673622179,0.315072723448,0.597282199698,0.360862773773,0.906307490231,0.0927909950342,0.771803966448,0.992293360965,0.633752965081,0.56669138216,0.382658675807,0.116463138826,0.0509811151812,0.785463813864,0.279720019412,0.346358102645,0.0780183154617,0.782417237136,0.0153110392046,0.238316229512,0.773948428017,0.769447188849,0.156958505535,0.00508425845666,0.909901069842;0.758289342216,0.636802467214,0.62628796235,0.877682028271,0.0986064564128,0.746921017696,0.700724237637,0.789444372363,0.229160828198,0.059043509138,0.919473716458,0.756107251144,0.852711799559,0.853887563698,0.75690720319,0.145974946181,0.876219683052,0.750861701258,0.248176551235,0.170147615583,0.718402885723,0.480950064207,0.426701245213,0.778894592491,0.0288071177001,0.0510896664326,0.481196741769,0.683486651714,0.292014479237,0.499313246844,0.0169741312527,0.117317856187,0.300340036766,0.0647642601433,0.71819318318,0.0983018896551,0.470794492135,0.0857214625166,0.913197590659,0.762784918148,0.739930102571,0.352220128774,0.647742993469,0.433837107386,0.243996899159,0.367445181532,0.488585202719,0.659777934603,0.980763933981,0.571734328125,0.539170866116,0.231975102337,0.0784248198565,0.206756270805,0.35712251228,0.921931693831,0.193613328116,0.217075983692,0.584581615143,0.0545431886404,0.244918439873,0.341691553935,0.332009423298,0.110755116154;0.225249999369,0.318863426403,0.185249267473,0.401370059956,0.312807202697,0.483990454139,0.115689978139,0.437924855466,0.119523965829,0.303978236382,0.727698488749,0.288182864627,0.793227377635,0.919700852594,0.654639078511,0.252015191551,0.69295788108,0.56188725208,0.250402440771,0.492213673152,0.952949266142,0.447734157914,0.25968080532,0.172821513345,0.591363155091,0.155735826964,0.0412470620046,0.0252471176237,0.547578752053,0.377635324026,0.276494549961,0.0751352841015,0.691620983378,0.232107905558,0.431330608503,0.035681592363,0.726115248638,0.753806359685,0.23760474706,0.590516332188,0.317475920088,0.466920223335,0.302826414596,0.600212179265,0.434892978477,0.992792904622,0.70570986904,0.949383233208,0.602153207873,0.114454541648,0.592990178213,0.856082349823,0.261432132115,0.236927642975,0.123629257495,0.646752006595,8.35106835105e-05,0.80201698031,0.609365072063,0.334205165553,0.894166523885,0.471418426706,0.589394082722,0.18015843645;42 +0.271168766085,0.293580315818,0.405729122512,0.717489569771,0.316954589805,0.462560840554,0.605704705271,0.158331279791,0.875262650633,0.547932228232,0.822511660091,0.406660524154,0.316080774467,0.976975651902,0.424928447841,0.0221860055153,0.711259626662,0.0638540660874,0.673983230942,0.909001328501,0.550043121351,0.144237218054,0.754834071004,0.198568710727,0.843873658585,0.215576182152,0.527951943223,0.215756230019,0.598606207858,0.707320102966,0.0436392284556,0.139854995201,0.00893851568088,0.0437243112456,0.525097436476,0.535911853444,0.601131563635,0.192047586862,0.584605284583,0.441575429454,0.182566565103,0.0126449505514,0.697404888987,0.125539140924,0.773493541812,0.773505200075,0.850942457888,0.788162512474,0.39531830398,0.265593999043,0.885940359202,0.711960180107,0.789136909242,0.523792725014,0.921889858107,0.941669248421,0.796771284789,0.454413621014,0.22451308359,0.0577624464997,0.026589670797,0.17019282172,0.412780900401,0.0156601404562;0.43694880799,0.544914686986,0.674375750921,0.572068434207,0.94961700922,0.425439800436,0.0715691945715,0.271488115764,0.553076774614,0.494781158922,0.33867071432,0.973141577009,0.16903582163,0.297854030758,0.841907825459,0.262294336484,0.302711721995,0.158504107587,0.762257976723,0.17952025016,0.791638876359,0.63098482325,0.680992029355,0.0585920616287,0.0116236820205,0.0815175343115,0.353336974421,0.521872627337,0.517029847235,0.739918201407,0.58697109701,0.455787729156,0.9081916232,0.0487564671364,0.884359916821,0.893542316501,0.559575746029,0.132134509811,0.534027863769,0.836784683479,0.913207920185,0.622415815094,0.241572792742,0.913104710139,0.897327495087,0.987555324626,0.612870643545,0.818170168815,0.924252310519,0.0887303889698,0.0237741992798,0.186042581532,0.626807657073,0.165539085094,0.539066863776,0.342093736146,0.968453296936,0.792956999702,0.968405011754,0.330483974134,0.776573930459,0.631646746407,0.530307305222,0.584947202735;0.936551569805,0.889232625173,0.186249993976,0.609934603958,0.474085517184,0.438850539084,0.287663484767,0.147764047612,0.527188829446,0.952373777193,0.166017608736,0.25484698669,0.331687963583,0.626084867874,0.696612683879,0.376440332189,0.968475778377,0.401376175698,0.358984130116,0.0962966508865,0.447872872664,0.376886530441,0.768492589122,0.797232559689,0.317855986227,0.0803667691682,0.332722963226,0.623106372495,0.446415938087,0.225148696463,0.0681545975917,0.6992876729,0.676352696346,0.3065401414,0.732613657981,0.579811293237,0.0546121652656,0.609027200104,0.500136948882,0.677738978695,0.795218591653,0.498860753984,0.976456214878,0.0312043409239,0.180258856653,0.27491261761,0.00851222123199,0.789787452737,0.489250934906,0.0978001253871,0.755393496405,0.00319202730234,0.628140387319,0.70264756282,0.595253005019,0.569795156756,0.899090051658,0.292973795735,0.402970221958,0.526182461894,0.220180168151,0.917098964628,0.366528447896,0.327148414371;64 +0.995591286921,0.498363838111,0.838432461976,0.741959527893,0.584414349225,0.804004599559,0.681354822094,0.297503399174,0.582004587358,0.0877443637728,0.249969073522,0.721036426788,0.182344188465,0.516012572082,0.0522075426767,0.457257394491,0.741744917525,0.480812512542,0.165074067144,0.834788248038,0.138687371448,0.411907899419,0.875302266664,0.121848601184,0.249059103751,0.177660035161,0.480364875564,0.00586400388481,0.240124026241,0.126546253289,0.566562887462,0.101921775577,0.2738864195,0.69601807479,0.791242536745,0.556795083332,0.740520119517,0.52411339348,0.615682127624,0.856700864219,0.71585391022,0.609353869163,0.36150933,0.897637384502,0.177075152909,0.798868553224,0.618343122838,0.375744291202,0.847132810497,0.159250904181,0.323870893804,0.0629846168829,0.340523260857,0.156363582762,0.278351680014,0.555756042386,0.111862642695,0.87702747826,0.923870272488,0.342651868568,0.286982832274,0.0445433864633,0.302959327923,0.491372165662;0.176368546702,0.0365521035491,0.22215904147,0.0718496328614,0.709188554895,0.0157401272233,0.26515789836,0.517195998118,0.753307410627,0.505896215507,0.211480963738,0.576801340791,0.702217310007,0.987155021311,0.13478783689,0.427402147144,0.291440949784,0.224483569684,0.524451752897,0.0638529146706,0.569493240588,0.935276825896,0.10305849073,0.811163409317,0.675940422298,0.295914425781,0.67944517473,0.194576205087,0.809637374891,0.295556141921,0.403055261066,0.905252965381,0.58036326188,0.0559347445681,0.43969862606,0.576959033093,0.536426228164,0.838396575863,0.532831798602,0.184423486403,0.911270391478,0.178956449216,0.415439695398,0.721563291405,0.112628388823,0.879341446751,0.650501632604,0.727376452624,0.261462195387,0.752228917709,0.980598167278,0.0943582465788,0.903450143917,0.286097661609,0.0956891899046,0.807478288399,0.922398911171,0.977286494133,0.128037010766,0.600229827472,0.849004883661,0.651877133784,0.187535897365,0.125555179102;0.581808578734,0.0812603721389,0.991519861173,0.960211694458,0.0394723891633,0.0236663097699,0.215595922194,0.117449217626,0.0703104575103,0.296489072824,0.668690371694,0.438210949962,0.186351193763,0.910472558838,0.153613888398,0.0716081350601,0.667043302605,0.471454750069,0.653521338132,0.0152199299656,0.194713109027,0.805518599393,0.939037373249,0.0657526204634,0.41409707492,0.0974503782798,0.729057781227,0.0762137104591,0.987232572959,0.0337972593854,0.413975317237,0.029663860372,0.65243527235,0.815488723254,0.322435005212,0.920641796876,0.968632613992,0.747943924171,0.809546445649,0.278490210227,0.117444110904,0.547614149901,0.0808128159025,0.415200546795,0.83863487265,0.496984248552,0.0758427323367,0.00409039292549,0.386351408506,0.63736140106,0.0343890339651,0.717427389572,0.817666077513,0.731929674862,0.296400023219,0.510653004054,0.891414453882,0.296841699797,0.880041587403,0.828252169807,0.39527117612,0.680020157559,0.455822465773,0.393748062782;32 +0.00407929976744,0.233791472643,0.775924299721,0.15411078189,0.274224182142,0.790885629651,0.0309348428975,0.364792208731,0.737990897354,0.0150614444795,0.213255764986,0.210191217549,0.456977541353,0.144824299442,0.559849621143,0.253983960928,0.740999249605,0.78135516953,0.160741330313,0.662461566723,0.258209111343,0.393570762906,0.0521094893777,0.059262476981,0.367559659858,0.962170884618,0.00377239495265,0.0343178006928,0.256408710448,0.503569765197,0.941965579796,0.873496856173,0.673884064155,0.280238225688,0.426005888679,0.689081593287,0.0453698961135,0.176241634532,0.262936241176,0.678258453441,0.0633701906325,0.656348086279,0.38915597789,0.0297211694848,0.654461458217,0.0509797116942,0.0958467870005,0.571716647809,0.652934703368,0.829007848156,0.896675095623,0.0677211667735,0.493457669749,0.00768420881237,0.28587152337,0.751978073233,0.562406549783,0.737469295801,0.349600614318,0.958381482051,0.255001546341,0.0216673106685,0.500783792188,0.101619732115;0.127304025943,0.663614032165,0.896769315672,0.639592853616,0.331092815738,0.0818451173386,0.591247749582,0.299701586415,0.496524905875,0.579169364196,0.029567550663,0.998496701698,0.321713217948,0.861073999758,0.0843638571736,0.812467471114,0.523736290599,0.525590437721,0.080862490825,0.170067953351,0.714449628514,0.614944554906,0.498833193275,0.26965990536,0.232423972048,0.868682303015,0.669335378867,0.290358134255,0.276892822847,0.764061844974,0.720190642792,0.128554832809,0.897449728909,0.201719933751,0.686720725318,0.410440610898,0.0292202352604,0.491300063492,0.902024799391,0.3517361437,0.558126543818,0.0383498812465,0.55272445276,0.0560894543241,0.224566077215,0.754909241558,0.67856340966,0.0997031608168,0.222070292466,0.290417583178,0.110480762873,0.182468014742,0.0735816220564,0.504323707994,0.823057212579,0.943446479443,0.574069287263,0.436311380559,0.306214584866,0.260936266712,0.500579495568,0.261986758138,0.354710166277,0.0549402319072;0.676983131763,0.494433092263,0.749061714556,0.556395473585,0.299434156739,0.154362930152,0.738169255723,0.396078910252,0.460786737488,0.362708301073,0.336662342614,0.759191148795,0.289776216255,0.552918841909,0.881003724203,0.307846114997,0.281043697325,0.926065683128,0.858181168796,0.885862668059,0.83287513783,0.599892168382,0.485340435184,0.55882062072,0.790407515593,0.90534117912,0.196373455755,0.236830057967,0.45643063415,0.575701108844,0.0546022199311,0.0729476115133,0.244497030399,0.628012317757,0.574373571253,0.757418586618,0.614599148936,0.0310361922113,0.457111629817,0.198438103225,0.550334968795,0.270734641429,0.500235821522,0.274023185039,0.387488175329,0.76913382942,0.0235934102307,0.878265318752,0.175796121259,0.23633278691,0.627446470735,0.431657041353,0.925013756911,0.98515509937,0.70713825406,0.938437235747,0.311840928058,0.928334461441,0.930455208402,0.0916918227241,0.0784638399734,0.647293030587,0.0574364258495,0.276667140899;93 +0.829275190063,0.758820808305,0.0471609010625,0.367320301118,0.461979252685,0.931296820744,0.124697911577,0.1503907865,0.048868967735,0.948384060323,0.655444323287,0.773814041025,0.975012467113,0.605091578195,0.220275286909,0.271147790283,0.861874386232,0.692087851011,0.656955302127,0.406519966394,0.047225839708,0.908944447344,0.670648549368,0.345882999509,0.40523301718,0.656088831408,0.704619917518,0.433830001686,0.800094153402,0.640066084781,0.0544331946015,0.568907449774,0.0442981928306,0.642170043544,0.915318031376,0.472011202225,0.526958563319,0.373563919636,0.252587683519,0.269778282275,0.644164125876,0.626479872682,0.653248566858,0.647365583675,0.69110744407,0.62978785689,0.560739036682,0.710958276538,0.595718757358,0.0755521844755,0.538141245965,0.229349120057,0.888382828863,0.999963437163,0.809786394023,0.161890766196,0.633816376734,0.42399379176,0.223770052642,0.716259115111,0.834809488933,0.520529459181,0.976822933906,0.500828906898;0.228293919098,0.518406405976,0.592122839292,0.798663278945,0.630163577867,0.887149584004,0.989210295062,0.654837653236,0.85858346239,0.154555229433,0.71314979979,0.644254273284,0.647435753662,0.102590110787,0.828300326329,0.436860753344,0.744932607435,0.120127492226,0.420745500449,0.784650852635,0.450454081766,0.837461828824,0.459786678943,0.267919992612,0.0539513026017,0.310502333564,0.322685623851,0.510183948394,0.744421488384,0.0250825425275,0.835258099254,0.026381269749,0.225761567761,0.406381138367,0.818581290743,0.606977547702,0.0429368960281,0.77503785059,0.811646048134,0.154520426533,0.585222773692,0.272606344098,0.472425355918,0.0219555658635,0.523194500467,0.154306526105,0.897856415639,0.643827400316,0.238166699538,0.823714921979,0.189345273511,0.313418235494,0.314633695212,0.271199930475,0.498162746023,0.75005177235,0.648850554532,0.0910164315496,0.936025449091,0.182594142177,0.853658098726,0.38624547973,0.528391746605,0.416666009444;0.190766529497,0.713212307543,0.662153146955,0.137385262603,0.0676850120147,0.707532417635,0.301004319204,0.363184917775,0.783760544707,0.259427941021,0.606303040864,0.0279634019524,0.316202547558,0.930868680979,0.217045881792,0.445451471418,0.195904558813,0.612713539463,0.693002189797,0.895088398837,0.222158592148,0.176376309551,0.523527142492,0.0299071226644,0.00281073357092,0.705738608934,0.69320402239,0.98742183529,0.328474592968,0.350404282801,0.803444629292,0.368472856661,0.373853313726,0.588883937878,0.952040295154,0.0515050942414,0.696357730818,0.708195437907,0.292741107316,0.993396604606,0.408895711214,0.385062137638,0.826852946525,0.386609996713,0.204701448808,0.49612921472,0.111554572153,0.980518433586,0.800995184291,0.200316669549,0.495587506545,0.896577984076,0.182010363242,0.799518744972,0.0481397545062,0.123002875842,0.916697603258,0.999180275708,0.342780776484,0.393907313909,0.921293952746,0.0239866806057,0.982067988385,0.422480892149;81 +0.547418102161,0.36768084529,0.87057050263,0.231088002354,0.917340178302,0.782900656859,0.515360849888,0.998756111841,0.92939127009,0.932707695768,0.545135127498,0.451648198679,0.928587467687,0.982131761744,0.270317910629,0.0259422964725,0.648676123577,0.962339257934,0.25716359482,0.886837297378,0.556600874848,0.0874390136139,0.258540024181,0.517372575905,0.235402617855,0.275270738722,0.685180036838,0.247083263179,0.18741457211,0.924692324502,0.881708571446,0.282780863917,0.567457853371,0.281907671373,0.681489481219,0.809954737086,0.0386064143031,0.533911923924,0.908988878479,0.254628943512,0.330721505941,0.055349719599,0.607071090144,0.775294072683,0.508751446287,0.512160294496,0.294369355056,0.822336068243,0.0350062893536,0.0683797946606,0.114329991842,0.25525006444,0.897374255187,0.0149251552971,0.633151837098,0.353438532386,0.932948145433,0.62261826098,0.902245869175,0.104486555541,0.729947981376,0.514792166178,0.437927986172,0.874476741261;0.159664128986,0.990716110039,0.245287880075,0.213731833616,0.192813336935,0.43497903656,0.840467083703,0.580987273346,0.386913507492,0.706023462491,0.452285814426,0.024413989394,0.983117682585,0.187501827779,0.907335330415,0.0720766881636,0.300919977705,0.665301855655,0.290945736985,0.354915489877,0.302917417858,0.159527054105,0.3481948812,0.536023188168,0.910692760385,0.095470249355,0.337335261519,0.163192402853,0.161459531557,0.966023447473,0.52048577847,0.516735193526,0.0866332687117,0.777543289368,0.00685189306937,0.223617719219,0.722287455834,0.900969559565,0.170131332235,0.816275074257,0.189852404948,0.384651616536,0.0106991546225,0.293854446486,0.145560734934,0.445370990386,0.251386038637,0.49053243417,0.325455041021,0.946011752775,0.665392198398,0.512503642115,0.308036523476,0.958570172936,0.585333290207,0.36570756458,0.37021264666,0.415071219478,0.875530467804,0.266681938035,0.100959221269,0.898680785541,0.570303473403,0.650472082401;0.278297623742,0.9390814816,0.505066597867,0.585852868299,0.222909099716,0.88222915643,0.941400256643,0.391587890748,0.00919788339538,0.410005172772,0.359002720648,0.0581983058068,0.109307422939,0.108959448812,0.153541474604,0.372372466789,0.877904742667,0.427310384672,0.52304226491,0.821702665804,0.587575154868,0.887637304766,0.809922823921,0.174950847569,0.113224540258,0.430580433216,0.419263280272,0.0771419122634,0.724448489923,0.934507414892,0.0589281321979,0.818854083902,0.596944529917,0.233653754965,0.824426944279,0.161174466067,0.305436141747,0.716339769627,0.337738388898,0.735472447351,0.645514839825,0.269972477845,0.00498971203641,0.347642758321,0.50070806586,0.367614114995,0.592549298544,0.526268023589,0.767156923431,0.532976487567,0.624879055877,0.254408901514,0.64319958262,0.992210972628,0.263125893833,0.936760890838,0.291067034248,0.200062219731,0.7322953288,0.553470687393,0.847138649598,0.591276400736,0.30441073885,0.00401269340692;2 +0.356544414624,0.804888398059,0.875441852659,0.157751947947,0.413106957408,0.260912560134,0.558083564445,0.943956686257,0.00737665105535,0.459231139597,0.562408160566,0.351636251696,0.78394086399,0.538807304974,0.00657095477892,0.347755421139,0.590218320737,0.274344322523,0.0336857645894,0.821255529488,0.0261269799496,0.2199188311,0.461816930485,0.955385543255,0.555473790286,0.236462725479,0.417040988737,0.999998212432,0.367975861113,0.651834499428,0.234461764672,0.348638914859,0.571525262504,0.703281237539,0.830409770672,0.445582975491,0.213216129464,0.128657293386,0.860044532598,0.508842235577,0.0327444255139,0.484724358598,0.619664729985,0.251607192115,0.549188381622,0.21557223775,0.73180658764,0.745462016543,0.76228056122,0.782039422265,0.138715623793,0.693683633059,0.396340617395,0.109635298368,0.412988086873,0.77050540735,0.936277650851,0.530213680638,0.384024926851,0.468408563552,0.528408114198,0.428171123602,0.532244489799,0.16070848562;0.330625891928,0.166980989836,0.872900832233,0.852947498791,0.142257120335,0.538753457933,0.782930464965,0.5089526244,0.591911596694,0.830010888887,0.202632074138,0.396914596118,0.587572918788,0.73052370419,0.447488048651,0.540216363142,0.312999669284,0.138084937547,0.888579097175,0.784250527597,0.121515877189,0.850832886885,0.774259919389,0.0850369927831,0.15121239226,0.0935920838036,0.774023705264,0.0306741439616,0.580564932282,0.91362617668,0.315413409112,0.372033462218,0.125635486585,0.523467222574,0.810449584199,0.667736726497,0.497492446942,0.168233562179,0.203247969557,0.754428597919,0.949747168475,0.81513983347,0.795737797782,0.672859243371,0.84790796745,0.578129581806,0.751234896299,0.0321018593294,0.282778441232,0.597535539909,0.127068194994,0.934111739582,0.799608863021,0.97589119786,0.330717888077,0.740639785986,0.552924141242,0.903697787097,0.969991456067,0.786961811628,0.325418792087,0.315068363176,0.355758599571,0.715936805217;0.633184133543,0.557571013111,0.957070023841,0.61729946932,0.874301484163,0.493587268257,0.319472759619,0.709074132394,0.583565249586,0.508483736089,0.14218893898,0.716492392562,0.498105771629,0.00992999037802,0.316952440301,0.278166705153,0.774377571515,0.266921858572,0.669059851777,0.264099501359,0.0754128098162,0.920759843081,0.182019809643,0.513905072967,0.795753966204,0.520486850964,0.939129415873,0.554302160251,0.261939706386,0.486260706084,0.392177864918,0.780992149891,0.436903608929,0.969936940972,0.384361970439,0.425766242764,0.406991199459,0.115064570456,0.107197738408,0.908545322419,0.723363522472,0.197991342989,0.645888893282,0.356888712084,0.744736347021,0.805943820402,0.807262391385,0.317777107396,0.868424495025,0.837643973334,0.08056160091,0.698811851343,0.90918353129,0.835818980985,0.154829988107,0.861621375199,0.64651918149,0.477574943529,0.530819508475,0.942802190622,0.010882496994,0.503772814034,0.0619778480878,0.6355721677;99 +0.588086467633,0.638968700069,0.289572813056,0.764390521545,0.0884537537156,0.595246592282,0.350900440929,0.155749286368,0.60595733336,0.994410547006,0.570525710478,0.223292672067,0.65593599878,0.213901813107,0.123936785648,0.104596047099,0.932248219484,0.457591362031,0.191221489739,0.785599497645,0.651379854414,0.183135037021,0.43058421925,0.718426601443,0.735869912437,0.574654695732,0.212946736257,0.258763569062,0.782068303594,0.779765386323,0.40655511288,0.401031609892,0.61481217452,0.047084585532,0.248745611834,0.801786066164,0.54607240996,0.811073402324,0.94381894542,0.282236649517,0.309509270302,0.757867023799,0.724870337725,0.26552813698,0.717165651915,0.811706172429,0.638855936416,0.968499467399,0.679730345433,0.125404935065,0.183018547807,0.741361720901,0.391416762632,0.194662006046,0.220460138245,0.12751207858,0.982907247224,0.658680459029,0.836100912596,0.180367775915,0.743258832336,0.638378574733,0.166219601994,0.51140249101;0.11112100794,0.620371171273,0.661872513347,0.269825473299,0.18409066737,0.970484791339,0.0431681691618,0.751777674982,0.631207203033,0.232497083626,0.406616631654,0.0675185954944,0.440357820985,0.19337888029,0.695050297553,0.72726033742,0.167339892585,0.181749600795,0.197023790908,0.849850021523,0.628287336873,0.605450776367,0.647809346988,0.270196894157,0.208817747744,0.258037768819,0.0519903977006,0.189327595303,0.677208227021,0.865794429108,0.543308670883,0.946355941726,0.694111777127,0.612341247423,0.40048296502,0.698238667057,0.491485542676,0.26040310246,0.313640723914,0.954638860767,0.0440384546054,0.657326994455,0.887158868067,0.504828823287,0.296190069347,0.4608682787,0.239233215606,0.172797526329,0.222402329014,0.890958787662,0.785549326017,0.931050846115,0.245509214052,0.716526257891,0.63779446893,0.733946426825,0.919400248593,0.424248189449,0.193295453336,0.58940037153,0.359558739972,0.820094601134,0.797491163212,0.964380461075;0.812268258187,0.763517507693,0.124029920033,0.981500216749,0.0859613907046,0.356247590622,0.35826551982,0.336193157773,0.500258328193,0.807191971348,0.171316418896,0.676215029336,0.294869671735,0.833367851996,0.574572170306,0.974105691609,0.816871408138,0.568811067597,0.813052709284,0.725236885914,0.639199579589,0.242125660917,0.402425312677,0.465691072922,0.36914515062,0.229758041513,0.00417053606017,0.979373558416,0.757378183884,0.394970793305,0.600427259372,0.71740627186,0.983051323677,0.724420775658,0.219133656955,0.362154305585,0.180655185599,0.434938296531,0.131254569686,0.0188620635207,0.493617471936,0.688180831167,0.122167246549,0.914687525238,0.450966322279,0.781332951249,0.332929737795,0.0149210392551,0.554205392902,0.237820514289,0.599222623315,0.410918935883,0.132915778292,0.0445955612454,0.289405869336,0.919337001515,0.622812908623,0.755547663714,0.564443708631,0.259561770448,0.868485338521,0.478733154363,0.943495774838,0.0915758499514;57 +0.883655193855,0.66643312292,0.722521181731,0.894251650003,0.785276719931,0.514937915268,0.0764027809176,0.770202297476,0.6124864801,0.822260761675,0.140307363507,0.451736313998,0.389835524872,0.823745098928,0.583085841546,0.264107564671,0.818549353632,0.0746421105123,0.546245848699,0.457424221153,0.401164767372,0.656362235622,0.462067488306,0.974362805606,0.0329574536393,0.840313035933,0.174563786725,0.224476732303,0.477991239831,0.255155410237,0.766818050449,0.98114318312,0.172645731171,0.653809593278,0.113420826825,0.583198897215,0.646469662655,0.764129593596,0.00352966851284,0.21532480846,0.10632445032,0.867200550647,0.0651964094867,0.236794594959,0.964439946432,0.558847876211,0.786308038226,0.0592790473374,0.5107354211,0.739781173999,0.45366873098,0.93927182522,0.819569333071,0.861941630417,0.966175546178,0.401846938078,0.751618243017,0.340417980238,0.710218691525,0.748262220513,0.148955259408,0.221187811798,0.89547147768,0.181583798032;0.198183406677,0.415464051045,0.437974683264,0.715772199539,0.257054099883,0.405254809188,0.424950899489,0.252301997552,0.321354736776,0.698098104468,0.642048591778,0.534451587497,0.282168853697,0.996562474103,0.539768926338,0.858761461584,0.475082671739,0.397778730512,0.227545372378,0.745873700872,0.713096195446,0.282536010465,0.214754393034,0.854221488895,0.794806219624,0.532691817022,0.846991269099,0.472884313978,0.743175463091,0.466806837183,0.384020940247,0.378201762306,0.856122078593,0.496188563467,0.205233888838,0.973336159421,0.0428142303685,0.892007128882,0.163300697818,0.308775011187,0.531577135619,0.229600501094,0.995157402864,0.532463745417,0.193677936588,0.144024437938,0.729667233656,0.80310687522,0.511377683286,0.618807597857,0.349663333589,0.0779507101408,0.385079949849,0.913883248677,0.232548134793,0.7913636564,0.894832978023,0.449024275595,0.042444855823,0.181442541947,0.0422738174579,0.593642323697,0.253035505064,0.434486755424;0.466750912695,0.318419575918,0.827707508358,0.485759424388,0.916055017863,0.385246297363,0.564377598923,0.329054088105,0.750576536057,0.593891006068,0.253644336379,0.664415977407,0.518397438954,0.317175832631,0.81245754598,0.00637282198575,0.192800317668,0.388471549126,0.482872223255,0.973710470234,0.902498211176,0.218593820235,0.358641875624,0.349657090694,0.726362211221,0.367804532769,0.806943167469,0.401423693497,0.785406837482,0.186697671817,0.154908523845,0.430816790543,0.976637237266,0.842358177333,0.507478353496,0.735262980674,0.694721121165,0.618834898902,0.126910498361,0.68616883024,0.734577462485,0.474116092307,0.915724227765,0.90710288442,0.397905782757,0.582771065466,0.620640409469,0.329157674867,0.500078062339,0.0857592833795,0.768738717417,0.811940685719,0.243469441049,0.331347325911,0.629836839656,0.752654591352,0.954004350505,0.67680584973,0.283122002794,0.549474920598,0.189321707796,0.916686529586,0.430687198588,0.280562309426;10 +0.0775362642757,0.868653633123,0.922295866235,0.708144128782,0.114660133677,0.112710778071,0.433590978084,0.943104938238,0.133213799894,0.454707967465,0.547402231173,0.271938916052,0.366334394089,0.727387022336,0.405847143348,0.138388596135,0.795724857218,0.350518021422,0.410922602302,0.532270254851,0.63830233114,0.48040460005,0.553318778267,0.224864700905,0.564561882924,0.912482839578,0.60263587431,0.467740537287,0.957732039521,0.0675099020349,0.181511464446,0.802298568128,0.525381260471,0.751672008502,0.53973558726,0.113904262552,0.972096138782,0.00483539836087,0.221487899071,0.569831757215,0.796831868048,0.438685481683,0.270265092598,0.186859642756,0.388657015803,0.827720745097,0.385136916678,0.543628339406,0.978977491595,0.297958062309,0.0323239860672,0.12708752113,0.676167632129,0.589602578424,0.105691371477,0.560188176528,0.623699369437,0.515457336019,0.268793441514,0.923358880108,0.306132222122,0.79592891898,0.992326573549,0.582911421132;0.0850104389673,0.0520213891578,0.855938961282,0.748409109219,0.257553842191,0.740915931174,0.541237550653,0.358551626742,0.746797978956,0.394908288719,0.88897947782,0.598744801842,0.991182916467,0.817373399135,0.446975985858,0.106501600174,0.957081994628,0.0863641293753,0.907557078206,0.710721387752,0.769862395808,0.75490262024,0.190474582591,0.895945584312,0.53835062682,0.880037469861,0.0374620141226,0.313686611569,0.916324703154,0.0500816474111,0.44413438612,0.835849662645,0.541965313118,0.30345610366,0.534646430938,0.894185007651,0.663073595174,0.650923402823,0.778693200094,0.97575649309,0.379081696994,0.255844257281,0.590645938343,0.740116319599,0.391619634964,0.859380982036,0.549956882622,0.178535758372,0.839089177195,0.311731014591,0.477960448776,0.712898441515,0.24067873394,0.26488317084,0.985914488856,0.733082231693,0.73766613835,0.278891439134,0.728489913355,0.315407189009,0.00332841330229,0.240623252619,0.920861424857,0.654850511853;0.269601681243,0.736972327332,0.612534063456,0.579152431925,0.565029031642,0.867656710772,0.551440649555,0.230983837515,0.147922754198,0.103752209044,0.146143032085,0.584066651777,0.281858897283,0.241991691947,0.602589198928,0.0669487986936,0.076926617232,0.601755575023,0.388486851935,0.0212138560229,0.065475559211,0.931248502226,0.141259092946,0.828708148784,0.764246003779,0.211738577272,0.688778804613,0.725302867319,0.434739514004,0.845376025443,0.359855336853,0.901287179732,0.0242838306807,0.621924199417,0.840111991742,0.743835759067,0.0761367425726,0.451001873123,0.81674586416,0.577504114607,0.364873680073,0.117853155523,0.0926011049584,0.36392437178,0.66502087413,0.8907465576,0.991589776064,0.287955091281,0.817419113217,0.279289820826,0.372972592063,0.170581482653,0.75055296796,0.11348040686,0.296802223616,0.204175612981,0.292341674729,0.825495213453,0.0535885078716,0.797652606512,0.555494047636,0.975114342072,0.886557746192,0.826623970794;68 +0.568670218526,0.301522427229,0.909764745582,0.140274356449,0.831129811617,0.129772768595,0.920128594242,0.297340056134,0.290815305332,0.316447756721,0.983104093144,0.230129061206,0.199710913538,0.408309916026,0.271585368786,0.559245764614,0.837856964391,0.139915653777,0.998213779764,0.888761610787,0.816424430232,0.752880405579,0.386585999907,0.107955766139,0.398548545825,0.367931325839,0.905841375569,0.75813531282,0.888106051134,0.460926245564,0.617333481638,0.301186127153,0.191878809368,0.246825545491,0.205400729497,0.775547445127,0.152278216748,0.438416975507,0.0447997568587,0.130542419288,0.267501455663,0.91760456074,0.156832367127,0.220863342181,0.97523042684,0.849524060119,0.951821913237,0.0114070672194,0.412952925875,0.124526279318,0.308094639239,0.675810885021,0.79710174179,0.800046589716,0.797435779144,0.568836279317,0.731599488972,0.725398628963,0.665202457399,0.708413015439,0.89465822931,0.130342985571,0.845810103556,0.628797590039;0.577067080498,0.66698209814,0.578033625429,0.711785667523,0.711811257231,0.806755697079,0.321976874196,0.571314115578,0.249344378043,0.565277175009,0.676350499921,0.46504669321,0.846895315444,0.472604225447,0.0868544373891,0.854452524417,0.73386942838,0.752675278314,0.689585023794,0.977865647202,0.822394086498,0.173040385579,0.981515196689,0.695265395925,0.571823341089,0.19657871054,0.403665509457,0.821934388998,0.456397134745,0.56959364517,0.84064986061,0.73896896988,0.461156536552,0.190107829027,0.281260670444,0.0211615555563,0.0963696895194,0.759500974592,0.434362625092,0.701271574405,0.303395753359,0.417648828428,0.670924447058,0.592952079955,0.465209150128,0.478026952958,0.626595925112,0.305922356017,0.170341343962,0.821078969372,0.603751396978,0.125348787583,0.886942104356,0.698018838213,0.121611692504,0.32612734383,0.222287742122,0.905586505782,0.466163362506,0.334055018177,0.155281171918,0.102770965574,0.578560344296,0.071785138207;0.191047247741,0.205289260023,0.756129345306,0.0256418437406,0.38783071249,0.985789098144,0.783385624849,0.655979191144,0.935091511945,0.789023463244,0.685871265105,0.626226359354,0.256674674654,0.11639065151,0.0136838215774,0.896627214859,0.496211048629,0.725907796909,0.45791730416,0.154747374746,0.757839942511,0.870905088904,0.95374722277,0.543053405062,0.432983532366,0.0566278634412,0.555596087991,0.638103861583,0.223883950747,0.974621932371,0.713539286116,0.0137520479252,0.654200109886,0.0458655390388,0.401184069696,0.265776475842,0.0344505672047,0.653175718166,0.268075888067,0.0941940245617,0.984623228225,0.124791860693,0.901728950504,0.648532492787,0.900949130272,0.148587619203,0.974720908408,0.0942532392153,0.861739743119,0.45462510711,0.425189408383,0.746071104513,0.822795315465,0.823370562452,0.856429189039,0.761934600442,0.947699073272,0.75613756425,0.890004770309,0.519982634033,0.292152177759,0.87746622373,0.127258893851,0.717652614253;38 +0.695740336587,0.615815118452,0.339256846532,0.39010673059,0.290902060372,0.403658854393,0.326805047751,0.329910324805,0.276106602018,0.106458055144,0.883811055815,0.0773305912815,0.0883308448409,0.567069582558,0.106904074411,0.408401093818,0.924438941293,0.298711561251,0.540380548469,0.757625033702,0.668727866003,0.208025146315,0.359200407826,0.639689846153,0.123251026261,0.216774281245,0.137487500328,0.0235418779,0.48515993736,0.933040245465,0.659345740277,0.663373141346,0.674102737366,0.853402327729,0.345724926664,0.0489833924138,0.553120909555,0.572088050733,0.742777074105,0.790534188517,0.692931489059,0.514960510528,0.736096437664,0.103755612234,0.188993965398,0.696174749922,0.604813401247,0.496136987067,0.306757441075,0.210128971514,0.428082960316,0.312730642226,0.00922966325159,0.772446605552,0.11928680303,0.226691911099,0.378253787089,0.253222006809,0.836146630538,0.947301804394,0.983639532479,0.356406791505,0.479108871567,0.496724780518;0.467848196332,0.766130203873,0.0323383472478,0.835775381169,0.663527952372,0.107548118691,0.00522790578651,0.329671040509,0.900912621219,0.0900242146578,0.813555047682,0.249642684701,0.429960528168,0.431790520204,0.264185854093,0.688254223142,0.194735895216,0.689374416475,0.547589336604,0.516399181613,0.925675460542,0.938619408542,0.877180894483,0.123144044952,0.379978296849,0.998768203647,0.689482721428,0.62736304808,0.958746779896,0.432766713115,0.746404582784,0.491484155858,0.550807611432,0.125863096665,0.238366465802,0.523109678712,0.900735794477,0.415550627892,0.481615353893,0.702606863422,0.18980968891,0.94347743707,0.537124746717,0.497911979076,0.498792541493,0.99514850033,0.162925443097,0.485991540208,0.0187087998778,0.494449081724,0.11267101943,0.28331922974,0.0258619976116,0.930875360779,0.522985582731,0.349101809115,0.115663214572,0.791320609711,0.820218023253,0.0780786547999,0.506315507154,0.355514701028,0.244494620367,0.356612185858;0.25740429566,0.983295720097,0.339400836024,0.093316464158,0.447061797963,0.10768147618,0.313654632791,0.903484979856,0.0846349125226,0.443323219985,0.992891792225,0.328517565458,0.559671399141,0.979538938554,0.120372350692,0.475033813544,0.798953225721,0.58257535911,0.978668846034,0.375843095309,0.11058897962,0.331924003742,0.586685430702,0.0675820815223,0.157529040537,0.139633999611,0.688525951623,0.689390601332,0.0826274612307,0.349700764108,0.248131207142,0.955019937555,0.367830205447,0.290483012622,0.640048490952,0.129482540555,0.852183887613,0.452643771686,0.650116163212,0.255028539392,0.668543589478,0.180975448498,0.155548943034,0.335832251222,0.162917085608,0.882324926326,0.0390240105704,0.954001439862,0.416747259019,0.929384769433,0.345251588057,0.980973555147,0.900201407222,0.52822466995,0.553913212664,0.290936720506,0.0688130325174,0.83456126755,0.839945632478,0.0361675746816,0.00315542305362,0.492244563008,0.35622539584,0.819617951811;71 +0.921745651769,0.744853902724,0.914155734083,0.0188528536744,0.0197844735589,0.263394727841,0.406717563689,0.415980201542,0.25402081282,0.640502900236,0.481483861452,0.44909883775,0.598542446793,0.0386802200171,0.0946789713422,0.646207500943,0.800941459339,0.0164206570287,0.18842990762,0.383828210114,0.475263900481,0.793760299178,0.520765440966,0.682636656191,0.843716600723,0.578947233715,0.490131917708,0.766872375571,0.0618989512143,0.0343089508949,0.507018886302,0.757562700939,0.825009488284,0.845398072531,0.441618130394,0.333451507947,0.327815979387,0.587963230543,0.820533690634,0.51324662811,0.794979534617,0.581307637227,0.957273224413,0.485094478874,0.824947531905,0.914615487861,0.556027998787,0.427922161488,0.82759448994,0.157595434167,0.708936764768,0.456574850439,0.24112741665,0.107683534626,0.368350501923,0.899180942741,0.724048450445,0.730356301681,0.409800572184,0.0691960193722,0.266914903087,0.0843761616219,0.894289692867,0.86540975393;0.662215664868,0.825825290187,0.131788310083,0.907761650778,0.646061380383,0.141683949825,0.245310428385,0.959376399901,0.346857588063,0.339021080541,0.503069908391,0.269143668895,0.95387329497,0.00105127564903,0.389710782651,0.0184494945717,0.807744179306,0.65383781694,0.527840518735,0.530856685841,0.525874134127,0.883705541469,0.0700039335496,0.561458343698,0.349722487419,0.26583486471,0.149287299131,0.358458243813,0.179563653947,0.830330396874,0.28484482865,0.288507789286,0.233887131478,0.973642346601,0.540510154889,0.407784452076,0.422610537391,0.162936991884,0.0590667205519,0.462754918357,0.47603785554,0.842403885806,0.465312458236,0.491849408273,0.761272519665,0.817461303556,0.944428882863,0.777219353943,0.0827509887088,0.68425768004,0.515266847406,0.686936494522,0.633273895202,0.565626676725,0.630855719244,0.526969520568,0.351874109088,0.103440250278,0.220643495694,0.313580948837,0.915321089726,0.533997028793,0.315599717335,0.797125315398;0.737126784101,0.0917259764461,0.995847853677,0.871914739657,0.487158270308,0.677928222175,0.756098904555,0.612234838464,0.298449450915,0.368576058288,0.892928159483,0.505593656496,0.757953386433,0.854309018059,0.453209871795,0.706694100101,0.0344044643212,0.414580207487,0.822037768192,0.337165340989,0.0197309366918,0.307585995721,0.318372987811,0.905460388956,0.0475566580905,0.365341530914,0.121107971439,0.125827763097,0.46165219847,0.544838605959,0.86590437197,0.612769450549,0.963939467288,0.728645968362,0.489092433671,0.688999548995,0.999916888623,0.248124170794,0.554008758422,0.400756425926,0.504919631241,0.743936683556,0.0287674299429,0.179505792352,0.557519831516,0.928820785911,0.794663438226,0.431481244662,0.0232612717871,0.500511062843,0.4744402126,0.703039240584,0.728483376199,0.883408062883,0.921606864928,0.0439724048734,0.557153141984,0.183422085027,0.503558483564,0.923585693879,0.969322383616,0.233389383047,0.219308606225,0.171574761671;90 +0.212931353336,0.126775629025,0.888865992474,0.0888395870331,0.712330137679,0.964618887362,0.597775829948,0.952156091237,0.199444846227,0.866567018508,0.377671151173,0.680102481856,0.834204661918,0.210467682276,0.529032454078,0.430593981854,0.090859832497,0.0674167748256,0.533036695005,0.583691066958,0.0516964983645,0.426407736956,0.514041589089,0.495029245406,0.996523690493,0.579327091044,0.560666769871,0.131916271685,0.90967563481,0.925140427697,0.178349075484,0.861960908519,0.245821821508,0.644624209409,0.178715138099,0.62939605364,0.243063929481,0.0583430952326,0.625985136559,0.871342886509,0.0399572507252,0.096338372546,0.891026862438,0.348516611792,0.582114483186,0.48348660922,0.124607721737,0.423772321729,0.58189494983,0.0388698889777,0.0825190342699,0.236269982405,0.934942994037,0.893869583405,0.566344453416,0.533994291885,0.425559229082,0.757875451981,0.319584981006,0.135509620548,0.337897030156,0.83391297082,0.789150596801,0.0499414662525;0.495874591994,0.721754897024,0.882541668088,0.146862161319,0.315247531748,0.66180772219,0.632061102598,0.436635181365,0.719644502067,0.767307818974,0.783214878003,0.235636785054,0.909367086631,0.419695216072,0.652685982988,0.530030351371,0.169825471583,0.310462487599,0.538140900275,0.559378667413,0.722584522691,0.669626269012,0.36656422324,0.0273591909221,0.229868765332,0.720370298828,0.0902909566972,0.623599922816,0.895213363683,0.643457394635,0.446760070717,0.830702867632,0.808368267636,0.672616945224,0.782761726887,0.658411523338,0.91736732884,0.226567393824,0.997496114997,0.523324024031,0.516198634059,0.955272302553,0.238272765189,0.668744736351,0.126443458386,0.125472332125,0.395095574951,0.687602993042,0.381452522417,0.319585334773,0.591986442344,0.404711556799,0.465587456051,0.122732949472,0.327031802875,0.68198377422,0.506446885861,0.427579846887,0.83258531314,0.551483257018,0.681280056989,0.214275477684,0.375773009874,0.0393263447304;0.0127800275124,0.571788348882,0.689654718278,0.743741137174,0.747910904019,0.806412025461,0.06022802063,0.0219711425081,0.64014051581,0.430629869746,0.0956586629833,0.414367607814,0.345848292912,0.914219876054,0.327928506658,0.256762829289,0.957380387556,0.606792907634,0.18701165972,0.495926019898,0.653156307435,0.397830483036,0.816614509979,0.33609747608,0.276186242026,0.0689461829082,0.739015925064,0.182673821827,0.253740749944,0.286913352266,0.953064637159,0.933187984172,0.711922441562,0.408635808826,0.0442620901845,0.295604953893,0.767397010386,0.201840414912,0.100542489314,0.941484162264,0.126382336545,0.336094323504,0.96690021859,0.0643464343313,0.353553404531,0.422739981871,0.612486845867,0.0249440286663,0.303536070369,0.214236714827,0.708396438792,0.247560097226,0.828375405386,0.347815492622,0.923486135513,0.67767913634,0.549126661517,0.242104316567,0.527636702478,0.0675265615862,0.0751828569759,0.818730071528,0.206549523625,0.384225695869;74 +0.276370548485,0.271032403751,0.414176813274,0.432676087746,0.327656069632,0.565516274482,0.451256881297,0.320350064313,0.891191811512,0.150352539238,0.997704450052,0.926936680678,0.135006119585,0.951642155026,0.587290476062,0.987955131623,0.0464406357519,0.043043285715,0.0586163565801,0.998348391677,0.649202995584,0.647111805338,0.25856033842,0.564692001781,0.489999411207,0.8733255993,0.561865273381,0.00802604036433,0.29400250148,0.450141626451,0.411436463787,0.788961290806,0.286623425309,0.67971282909,0.275588137967,0.615186259996,0.773458752211,0.520927131739,0.587491940932,0.962856400373,0.863120087904,0.198078921101,0.637390556917,0.102846501603,0.0873926785889,0.403316527852,0.650105442338,0.824170348487,0.716844776718,0.311428009764,0.569399802307,0.584021070046,0.0278407708407,0.0836823927812,0.116512750791,0.535756951904,0.000260737727853,0.0516808217671,0.315786025575,0.373330955421,0.33225560847,0.213746052599,0.784999569133,0.0730519046486;0.180316894306,0.985301124274,0.802408423709,0.466139691644,0.508833337813,0.224578897043,0.542887766803,0.667704148659,0.184063286325,0.44339522233,0.428206236998,0.337082066543,0.245261019466,0.0863245364642,0.259910232904,0.240152011435,0.318325577598,0.502650372727,0.964061686289,0.326818005138,0.663182997966,0.52915848713,0.88826442299,0.87042831812,0.901751976265,0.557955202055,0.706506014396,0.487881381413,0.414879634177,0.768085234853,0.548927220471,0.885996633011,0.985055932473,0.584215660659,0.293312828945,0.34007683633,0.0405261928474,0.447409507464,0.837875092148,0.100322882217,0.0208240680858,0.893634637331,0.00487913306728,0.673686922127,0.216739391122,0.793832095532,0.828614027804,0.446087762794,0.239089495276,0.671608588894,0.110717978258,0.976385038651,0.511739944938,0.788232986509,0.995805068459,0.65016513937,0.938251300783,0.756139816028,0.239817780407,0.439726105831,0.117984418187,0.16798080345,0.323158637265,0.900652478326;0.184117038193,0.0338067042786,0.543557603457,0.229314324351,0.832382702424,0.928786750435,0.973951650917,0.502161152192,0.870530707151,0.833787170464,0.703407323853,0.605898050922,0.770258281435,0.993294471543,0.420289621019,0.0709886239405,0.17613685437,0.672655137428,0.935669124992,0.519460439961,0.475777479089,0.269140593899,0.119369267143,0.520954024112,0.736995166736,0.973401124823,0.837663615817,0.655837287066,0.68389750498,0.881727984635,0.560540276517,0.886128301525,0.884721004749,0.37715778628,0.583062419977,0.194735311068,0.0166915684986,0.328244159835,0.000505003774521,0.735682361381,0.682150207769,0.184042176582,0.932712866875,0.44266983526,0.605074479219,0.224021863083,0.873034672498,0.00125656971155,0.0757760517734,0.387809248251,0.798738807419,0.0619499361415,0.0902743020719,0.365212055129,0.386876643828,0.0306506902996,0.622053026387,0.603072249288,0.914332181955,0.672829527516,0.646271051494,0.927276085468,0.561066863153,0.187756376261;90 +0.452067587932,0.299817034892,0.517848779637,0.0758794042197,0.492572324786,0.197731821158,0.91179566044,0.553941208723,0.599648669539,0.352954548546,0.807106601945,0.813289121202,0.650506771887,0.906379123584,0.985070379503,0.250181129937,0.863517806731,0.0306624439743,0.77468319294,0.943635246917,0.243912659107,0.702124791852,0.286488724305,0.821155560587,0.729592434786,0.79012143087,0.718065938267,0.949583556875,0.724356862306,0.702251440995,0.468011309972,0.262575645802,0.3828730966,0.970240844446,0.920626830674,0.573216202432,0.874229038468,0.111743753999,0.0337586737979,0.126639541572,0.19164622744,0.106117932379,0.60769999425,0.769413266039,0.973769170382,0.243070390095,0.279698432122,0.650978330674,0.329841091813,0.40308516484,0.42047794591,0.63886618129,0.232573152628,0.964660307938,0.858939873975,0.0115232210313,0.0556859660214,0.851781297541,0.920065507133,0.259092986139,0.25866785481,0.226347473852,0.453541077342,0.744938814148;0.316551701608,0.726993737639,0.431030657373,0.653202636373,0.485213581536,0.109566018398,0.00798558682871,0.172843001277,0.145941997257,0.626242689724,0.0594261489887,0.382538397998,0.76557001795,0.805404362656,0.20655580055,0.90580784349,0.817350057988,0.657521901558,0.110285995632,0.829088194648,0.156385383763,0.732548049202,0.699579907357,0.578854109991,0.458551103208,0.12989503547,0.236781638996,0.33334432838,0.890992243082,0.365379862365,0.659586502166,0.191796820508,0.471523194331,0.0160515106053,0.709911352718,0.406492076677,0.954378911709,0.000422327558966,0.453894189285,0.686520315384,0.508740354765,0.815150929839,0.635225650945,0.424852388488,0.271316017946,0.408505306027,0.201592329533,0.585830104775,0.0809046117783,0.87146272486,0.39783698635,0.690115247377,0.11611530103,0.647168808669,0.839963120138,0.0334459934311,0.874053253641,0.979645287566,0.159326083703,0.921036346332,0.186266667564,0.684969553175,0.49332061729,0.845549551487;0.0920332821559,0.487477633679,0.0921902199065,0.620680364433,0.684187727179,0.600786469025,0.175410074416,0.00615409658718,0.0632479701605,0.366245341287,0.476389572249,0.0961685805802,0.172432947949,0.304846652864,0.0534112311052,0.521118373566,0.578588491076,0.211526764343,0.191518954058,0.719902588204,0.357179360155,0.240256827705,0.0961459845222,0.294345675327,0.226237352759,0.0402140187853,0.733881565703,0.249522513765,0.240037431576,0.772639352817,0.451007067886,0.116199527195,0.444773202425,0.422828890103,0.352709728419,0.730196258105,0.989240129399,0.80776513838,0.175519718325,0.880451532507,0.881040606731,0.0638692148808,0.826895414212,0.771245944027,0.479353842587,0.989307983829,0.672346280836,0.0935534104452,0.698399621412,0.00579449183499,0.137300386623,0.458456491642,0.663995860257,0.870284212869,0.588553310533,0.912002825037,0.242184177735,0.0351670632584,0.848649069896,0.954825169971,0.326007527197,0.609553333323,0.575011116832,0.165435569307;14 +0.492763056736,0.832200549807,0.00263931657948,0.640912930114,0.178074704103,0.968890800672,0.659030913509,0.150486600588,0.695681274772,0.457886213785,0.954914540212,0.25279656045,0.940969828066,0.775785899083,0.764478091178,0.355303575363,0.719038161433,0.337423079148,0.592923656726,0.621420432911,0.531230567151,0.833837192032,0.0806351387655,0.890198954718,0.199955686521,0.619828113714,0.520765738592,0.175757806351,0.359973627462,0.728949091036,0.885937729436,0.314940235749,0.318794632108,0.86604805735,0.638280994664,0.35322597016,0.977569396965,0.994310298037,0.613997658138,0.542772894747,0.781467665337,0.833530822672,0.845350725082,0.649579342862,0.751432933386,0.0298509552098,0.324635837112,0.668392419416,0.478659861905,0.74246142992,0.189624317706,0.574768872636,0.0714144554658,0.694499503168,0.829045038899,0.570500812427,0.872975310267,0.317366872381,0.560690025992,0.30577569149,0.930883183603,0.138147828429,0.0269505427141,0.83756968804;0.365144519741,0.425640078579,0.677660742159,0.0917647259305,0.504850297447,0.839407678528,0.159258090298,0.176819176676,0.342804518401,0.544331670101,0.361923420637,0.398016327029,0.034223877815,0.911288705786,0.720251082516,0.344369528389,0.543888572676,0.635387291329,0.496388747945,0.950633128277,0.778020156482,0.955883868541,0.490191633528,0.592789481998,0.375585112882,0.645908940476,0.428865997754,0.117461283358,0.139878891654,0.94942909713,0.776100765665,0.726337169362,0.739528968166,0.69238129839,0.854088519323,0.275145627808,0.340379206425,0.832716949924,0.979970445857,0.208763670232,0.727497488101,0.918083620885,0.211685649229,0.34294310885,0.22294597969,0.0770382450151,0.666139668647,0.604171843262,0.560909203304,0.0251165657727,0.853069658853,0.376728206131,0.404671700292,0.50037067396,0.00406115263064,0.791079587547,0.944992955628,0.931394331304,0.381907901709,0.686737741753,0.70335590566,0.871914144898,0.541756257484,0.208407388463;0.465341130816,0.37793181733,0.663973507203,0.772536641227,0.655002266372,0.830889603285,0.787568677177,0.899633847159,0.74139474372,0.600208100257,0.711286827901,0.211571321326,0.134242796944,0.853505414711,0.393174062056,0.27865275147,0.590385997123,0.767646355588,0.106957272708,0.117081569026,0.0269278743854,0.891336433632,0.937533053382,0.192239713066,0.124154706591,0.975067500484,0.169132817952,0.35196666085,0.696393648652,0.0326062556259,0.782149379351,0.910164828744,0.342515109735,0.24574588669,0.886733933846,0.99671891399,0.580728548974,0.765939199576,0.674327986785,0.941365368582,0.338152357623,0.970383170747,0.692448560659,0.799793218386,0.609369862976,0.19157730016,0.0562414871194,0.970826172302,0.800979131987,0.615465933926,0.271699014445,0.706005897629,0.318534832853,0.611138061212,0.813526426033,0.931338774832,0.632092832566,0.870119580627,0.0740719759762,0.900351384895,0.791819130082,0.1343537818,0.0506378435264,0.0544348002513;39 +0.496666107527,0.812511626435,0.827509071948,0.805991494575,0.891063068093,0.775884511836,0.388982669618,0.26117064675,0.925007249345,0.256653213355,0.125064736932,0.277520576505,0.702540573305,0.121534255273,0.430698207113,0.351037333692,0.973302057957,0.995003654388,0.0739584696246,0.171522898477,0.619513083567,0.504098394852,0.511354990387,0.578653110786,0.76999427144,0.839967809452,0.214027607434,0.268862712107,0.362303665726,0.647582631188,0.737266626409,0.860575400039,0.163465032881,0.897484886705,0.723455711641,0.618875960696,0.767444822606,0.619087669885,0.631462700149,0.945592080783,0.423889827913,0.662446253839,0.480526835158,0.134564492874,0.434065555327,0.571977021189,0.526720880387,0.441213122908,0.736187937053,0.395996300287,0.9275017357,0.651712032283,0.271461845125,0.543694619285,0.454212651582,0.00616695656872,0.763305211853,0.663996198985,0.611562602975,0.735861178431,0.105436311503,0.488250826029,0.623503256989,0.618226643526;0.34939042789,0.68339812895,0.927068028025,0.0262914468888,0.159932734873,0.563048604255,0.85570690054,0.526746680793,0.763012071798,0.106777655423,0.671187409203,0.0489810018519,0.287025152276,0.11060674693,0.176505668901,0.309457310314,0.7528846094,0.753891853513,0.882642639303,0.934167116931,0.52488467381,0.245371914305,0.0991119753963,0.15331995878,0.875212116394,0.049315692331,0.842307647945,0.535015232449,0.963373321257,0.383185675331,0.630967133361,0.870893209682,0.408019715072,0.785312455642,0.34107766443,0.384831910695,0.609392673634,0.851397180089,0.109231042892,0.364404981215,0.968639580144,0.1467696277,0.921078491567,0.131527088125,0.333113079882,0.407988899839,0.945259174008,0.0854830434627,0.369060417453,0.500290542118,0.837255282843,0.23636672272,0.0774023275559,0.00378387892504,0.0462408491751,0.14440026618,0.786965245706,0.159384210796,0.183569137923,0.453873581749,0.718973108081,0.848385052085,0.977654959896,0.0829430835244;0.812677457469,0.91620766379,0.325870859598,0.59430533602,0.704468343813,0.557852959339,0.00510705865285,0.971861791735,0.685137733786,0.720528390329,0.089164097608,0.824539826532,0.0509604095576,0.456089341672,0.88677613499,0.153498609809,0.753250078156,0.00851108648753,0.223601669095,0.173927988195,0.101489142442,0.245910379952,0.23452051215,0.226836181107,0.623882176494,0.501324490326,0.706510301228,0.177975688141,0.0360986868592,0.317648020355,0.72492571198,0.145502596505,0.637438089624,0.978434021551,0.782483810604,0.0532034191507,0.916672342612,0.564899125674,0.724346471555,0.761581097834,0.771291043534,0.837126050218,0.14710146119,0.995519458797,0.32813133387,0.67468956731,0.766202275373,0.713169163284,0.940824779444,0.109855152333,0.309118781226,0.413211411072,0.368173775443,0.537251073735,0.454086955575,0.916515418742,0.523033440166,0.140996062279,0.0225872878264,0.674530110726,0.74788703274,0.378820761025,0.259447106863,0.370637365094;67 +0.124687392835,0.726827952932,0.994300753288,0.535136366296,0.804938849491,0.456999689862,0.432636540066,0.986184312521,0.569794975306,0.0017111045375,0.897973746715,0.557346769467,0.8396732091,0.959699413701,0.723656927469,0.948959683786,0.463013328648,0.587960992212,0.136673323676,0.919959247988,0.118039542442,0.0777563374258,0.250953539524,0.680530513907,0.52844485234,0.608174001622,0.686476208032,0.134775500261,0.847517025359,0.341733167374,0.000216683059684,0.770628864644,0.952677463283,0.690308136408,0.767679418942,0.514130612561,0.162610723647,0.550269052849,0.998151904839,0.870996368673,0.92919939569,0.75700415982,0.613628976975,0.96058913013,0.184323701398,0.0556988378835,0.603347307378,0.901059840029,0.175870594693,0.535143333779,0.81521704794,0.886067205951,0.0572296772277,0.767126070576,0.67068604161,0.0852517757687,0.0166075088313,0.609239035696,0.302956177077,0.0803357192847,0.98382923602,0.291312524366,0.682594131741,0.113837296533;0.734086001585,0.146721103506,0.381899741512,0.313209811188,0.707205642626,0.82258920402,0.741557655605,0.614556413237,0.648469438756,0.929694890638,0.429171151346,0.26904298302,0.919498698291,0.1508950431,0.467046748168,0.908389549207,0.516903647812,0.40980477806,0.694001267364,0.979434084071,0.235790609935,0.00534559784927,0.0526781407978,0.262769625582,0.775099220094,0.385862016365,0.781796047782,0.413497367618,0.134321735747,0.815167078676,0.637112445212,0.739044018158,0.943720193402,0.937775138433,0.859474326994,0.281333513528,0.797486645056,0.151303422582,0.662122814897,0.637565448848,0.735701980555,0.66777885623,0.634054098695,0.387472929247,0.523835578599,0.849496084904,0.691234750411,0.570120830785,0.0760286320449,0.306056851929,0.09730981644,0.488425236848,0.602549859072,0.240215692907,0.42792323962,0.184930666181,0.845522872277,0.987715189996,0.452693425962,0.920459168951,0.657622656934,0.533302985978,0.635223762142,0.0989558985459;0.606206555932,0.11048541253,0.611682995228,0.922128194759,0.348191849308,0.258054393823,0.755692557017,0.89974538424,0.35527558888,0.0661300856704,0.546575489458,0.998088674139,0.829927290952,0.926629464417,0.106205984502,0.230749248899,0.0231865153338,0.873027625386,0.992484560331,0.754339623801,0.0363823428929,0.0124627631495,0.541738795357,0.875523186935,0.486464401355,0.594845431911,0.98187163536,0.84590693218,0.199104529796,0.551539824902,0.50299695084,0.279062671137,0.491421251194,0.684747176853,0.39526771395,0.124616953713,0.515891247762,0.857197614185,0.900850145918,0.106249391317,0.177170066739,0.699069050482,0.67743283468,0.349416441567,0.300546727408,0.650294956072,0.97977478803,0.727149975013,0.609760719495,0.402230443179,0.0913193667904,0.66616226858,0.194914793163,0.431475257699,0.0923888019452,0.104691325946,0.094402692838,0.286765728626,0.443106918674,0.225152610534,0.615010242586,0.534606785327,0.944670705392,0.47312300409;86 +0.45663219172,0.00722968966916,0.907740031821,0.521830974992,0.224409806971,0.271255517872,0.0254038304393,0.84924252807,0.0480409245755,0.292566687209,0.634730934113,0.861380430174,0.716746584691,0.156077787241,0.0854252400608,0.153725372419,0.808999240936,0.0223898231878,0.74458125966,0.850033976599,0.239378018618,0.538331769352,0.99298435833,0.00145275675628,0.901940650888,0.868293268117,0.225092717228,0.280810166728,0.593676254641,0.0279662849629,0.58686903236,0.669340701524,0.687540357552,0.756618457631,0.521925357114,0.27411141184,0.540875169846,0.199788249853,0.179218284573,0.390154139018,0.126305120428,0.525567460646,0.0809634694464,0.720387555295,0.536355911097,0.846482018317,0.190871660974,0.547129352164,0.769517007493,0.26530033717,0.586217683974,0.688599871113,0.809139394446,0.00482998483642,0.380601608174,0.949196647442,0.334748306208,0.87722124668,0.743295697787,0.484655158028,0.637232740647,0.851593446029,0.207757664279,0.245328812661;0.0673132911368,0.0968571815072,0.365088176894,0.325249976587,0.63406424172,0.131942958127,0.715844216606,0.748061542508,0.471636596032,0.98050326939,0.611266960438,0.215541744257,0.208165405648,0.438712840363,0.341124379802,0.697190884615,0.659023069559,0.0469876698402,0.165424883252,0.994386407947,0.00878054351504,0.513944039002,0.277723227109,0.511097604273,0.494436895186,0.885446923968,0.429091031001,0.440664279176,0.905621918514,0.98797727261,0.877132222747,0.679889435003,0.356439722857,0.556446473662,0.472213217933,0.7543814581,0.28404112059,0.744823828484,0.678017255641,0.435421808623,0.205726798693,0.445331457268,0.94764018994,0.579245742946,0.524716636848,0.026499440921,0.874698904846,0.947555131714,0.793292376793,0.241399852686,0.903462950039,0.660192023269,0.750592279895,0.0884717367828,0.113397978602,0.67009812289,0.340769564226,0.847821068071,0.730504055159,0.552664784362,0.602915884545,0.29648200552,0.00595789776582,0.531354557988;0.687511682006,0.766707663601,0.296673917052,0.454558540199,0.0759926399069,0.963603939626,0.514094547217,0.248440650033,0.734214748109,0.926633503514,0.30280620176,0.114903652114,0.507207934791,0.623370725148,0.378049660008,0.189493355217,0.174399328808,0.410128841451,0.8508948093,0.173822121971,0.912910051756,0.947393435025,0.696106884431,0.0674101288297,0.0712881954023,0.106299724376,0.964059340432,0.106601083998,0.369466766531,0.352521857069,0.529398072518,0.369632151934,0.574586087262,0.0681771088142,0.471401043275,0.409630500857,0.775395587616,0.848071848509,0.730633903239,0.528893456421,0.70631207149,0.728331988503,0.320505187141,0.947650160165,0.305927300537,0.207211851238,0.643127943771,0.643105843383,0.61527103063,0.764341142607,0.518945952403,0.218853236078,0.385740493688,0.791695023486,0.469754466038,0.0327168900213,0.220210554479,0.194764689714,0.126568827767,0.973686055351,0.571891076033,0.888557966262,0.906143880574,0.25919367042;58 +0.479102123704,0.996603586994,0.26123499374,0.171051857042,0.52019771572,0.630282369528,0.0204037631967,0.934546417185,0.0751699288568,0.9802422102,0.787439693264,0.952766172383,0.0737261835227,0.972203106316,0.86864422601,0.131953868478,0.539739586795,0.238607391045,0.399543161973,0.42654951194,0.755744388674,0.790312619026,0.427847611099,0.432557823674,0.260009832918,0.856216578935,0.579903800104,0.900183930033,0.754776422283,0.888325336181,0.776811020734,0.400885723382,0.666186162427,0.0546209269804,0.802959845049,0.034763113198,0.376506986725,0.879685466399,0.201291909911,0.135784691651,0.0228708589187,0.951397956529,0.497489887525,0.978799256929,0.78078364144,0.953728413595,0.218745097857,0.826777869898,0.299610235808,0.61638493483,0.644994958094,0.209367703051,0.824071814584,0.961083142971,0.803242820085,0.0915324744009,0.957118199067,0.281753779366,0.943111138826,0.387653680803,0.857257216463,0.896612485064,0.55806574849,0.976681427971;0.189994244978,0.011128964379,0.932318647131,0.647156544171,0.62700624866,0.0453889264565,0.238996267861,0.687463803422,0.367915501623,0.916101765731,0.449162548915,0.0291976731552,0.153313179197,0.202063761662,0.797457681483,0.333773916389,0.50068784892,0.262602116399,0.939840390233,0.113707110973,0.355367726263,0.509824165425,0.573456023951,0.310182514868,0.0265340791126,0.437061502988,0.167132268842,0.0236979223523,0.837580505774,0.507688554817,0.0591701874317,0.346397820009,0.578697682572,0.0496657969178,0.299107306112,0.951591411888,0.186567115759,0.743559184317,0.385637103432,0.880852883915,0.618202334507,0.00256615877705,0.326471285113,0.515216021262,0.080689135384,0.295805880513,0.585843676884,0.619304435611,0.497947661357,0.202513857494,0.181015091722,0.613146536184,0.131754441874,0.860869920039,0.0111256715915,0.828835930129,0.0830156449282,0.788350092079,0.964357698907,0.845326278338,0.260037376816,0.998407227239,0.767895506158,0.145223334383;0.858456970367,0.891986289682,0.124462749448,0.870877644633,0.785879540729,0.185618408458,0.618303071656,0.588228707681,0.302326124481,0.0268376885627,0.208531301369,0.847916875276,0.567417093494,0.462781527963,0.495416047395,0.0101682835445,0.401454968624,0.669190158016,0.346738610773,0.160201922261,0.0180695107773,0.681615657396,0.000423395899765,0.703874183404,0.903035523587,0.457280851198,0.529993631787,0.0064401555957,0.0898731734715,0.201812390009,0.985905886859,0.574410216901,0.0174527790587,0.682246583601,0.792735942805,0.869523026036,0.091692334202,0.706741480488,0.793586490306,0.800194693786,0.347736812111,0.0568835394754,0.158391964679,0.841094937142,0.354046324989,0.4197371532,0.974538146392,0.930770948894,0.905074210327,0.961962003955,0.926032521551,0.830701399333,0.210465156329,0.65868979395,0.469518703955,0.284509008223,0.576120906564,0.47976725608,0.911932553397,0.128046395616,0.680543274398,0.342065432238,0.65445840011,0.59093472014;56 +0.552637298125,0.798252924727,0.0632698760221,0.00616016432462,0.151775275675,0.880387096653,0.892193926795,0.482173251751,0.012684703709,0.928277013229,0.546506923726,0.164925962186,0.52524120847,0.229888641262,0.595025375782,0.861865933626,0.98760894229,0.720865565921,0.516562835582,0.453806164314,0.416328745642,0.369664145921,0.723145816186,0.746444895989,0.507702133244,0.264543577369,0.0602205460676,0.642564238164,0.381251490985,0.362985981102,0.231315112845,0.422339718444,0.304222958745,0.673360374758,0.0888005145533,0.659905773708,0.541967903187,0.632744583438,0.228162424059,0.223748654823,0.144502691505,0.106027620006,0.940339163297,0.779395898483,0.356466306142,0.597296500399,0.642723448915,0.824842913045,0.333824542018,0.415923303829,0.673178910787,0.430979039795,0.9526781682,0.805092431204,0.495088660807,0.0168209515999,0.978131702302,0.861097931754,0.145466415014,0.647182096357,0.581732671857,0.987787057651,0.436234700885,0.88488616073;0.746459172245,0.570040311342,0.458138941949,0.674545422657,0.293740287582,0.395651829091,0.408658024494,0.792341703321,0.343606253909,0.131622143468,0.859862228806,0.0719296629395,0.725920546361,0.571446850554,0.224269472526,0.952307389494,0.422588736649,0.36402907179,0.287071831587,0.041558562464,0.651895810837,0.749986533729,0.424202868952,0.414057753631,0.563681006517,0.869069711823,0.380942228456,0.677389604547,0.388868445485,0.259563251556,0.718499941759,0.570577390634,0.900124204971,0.54948104847,0.750966709788,0.00222398122619,0.577114820707,0.672226724217,0.594640506059,0.973539499339,0.0243861381045,0.44159508043,0.856323098019,0.590968898576,0.218838913064,0.224188376399,0.00639162326156,0.295864961714,0.976527301662,0.704180730432,0.0439166586521,0.355330379043,0.987679618158,0.808677444123,0.727734371243,0.453734754229,0.907309924085,0.0999685143461,0.269667793376,0.0926787789368,0.56352729809,0.0308713814095,0.772027290162,0.862061325098;0.485077890936,0.0749948566377,0.176745526391,0.13986503473,0.261419581702,0.195517432022,0.418238848301,0.200890735693,0.52156735832,0.687366971535,0.60293692318,0.850266786367,0.953362416442,0.875739007932,0.251776530736,0.4518300151,0.27886983109,0.51357651392,0.385839398193,0.934613899027,0.936218719052,0.403864563899,0.912279597807,0.552187767471,0.312599068743,0.3751564331,0.430697714912,0.275757021822,0.0133759895239,0.400978955168,0.97061636284,0.268918593116,0.525560053277,0.738205018486,0.650012476792,0.960829859637,0.989449965512,0.546239664077,0.464925279512,0.819744187439,0.559960255743,0.91132972525,0.469899745781,0.594209297889,0.785765993485,0.764086489795,0.732569446396,0.6618999165,0.0335191231095,0.238909999141,0.251953852825,0.880262920458,0.373644685398,0.48779121955,0.267857409933,0.0398681250921,0.111512063054,0.0506585334827,0.252450229708,0.273791686812,0.297043590681,0.482504783042,0.210461337598,0.923954231379;41 +0.0539522023192,0.041127582456,0.250873056829,0.989258650103,0.122308237593,0.829757744332,0.858376161102,0.717575146605,0.639699271353,0.794829939963,0.916422303458,0.508086400913,0.200735413862,0.745973647577,0.36363434799,0.102064897003,0.919677528604,0.897237228067,0.689637045782,0.0524860118193,0.694534784292,0.00434002847043,0.2427441862,0.744717088798,0.220558342303,0.943838945188,0.424149218452,0.981368467227,0.0548460497181,0.171416842613,0.865628416298,0.630942704046,0.0957944562642,0.387655739353,0.0229906489558,0.121756860867,0.2703528351,0.0745396990774,0.980817010263,0.536256484773,0.987130156176,0.0248563067994,0.422395916822,0.753870651706,0.843119051771,0.88086204224,0.933836684114,0.913488162863,0.267782218687,0.714933909283,0.856478622594,0.514542930081,0.203774528687,0.587010991679,0.145761147361,0.240209029291,0.556397468503,0.421933507887,0.295752294621,0.665833132949,0.720962006106,0.397622803846,0.971783836417,0.135683188852;0.13758578353,0.796581194041,0.339913781881,0.800392503235,0.622965257399,0.107968581493,0.913215120425,0.923352228738,0.608891082748,0.745114062413,0.645414062551,0.0897818032252,0.449943680159,0.673933301341,0.289788335117,0.458136720442,0.651214486732,0.513941196728,0.580204140239,0.726856077389,0.595440395754,0.128183376026,0.971631718667,0.536919074003,0.592426712596,0.86109803802,0.704437818643,0.401926534932,0.804556695579,0.115282751988,0.127231586409,0.907519651886,0.153557478511,0.321721287538,0.552769053376,0.245956263624,0.903087287395,0.474636903902,0.488718018345,0.475314581465,0.433838257086,0.706001336358,0.475825961856,0.758079977414,0.231065972201,0.970579683641,0.933568717647,0.201926396756,0.329388722301,0.802635295617,0.801089226529,0.302101936211,0.484153321195,0.677776581005,0.968717505622,0.941046564915,0.242813082552,0.621705580671,0.216957579198,0.0295510234624,0.932662145828,0.261023709745,0.384515135534,0.200318535295;0.325563686334,0.110295042163,0.219935955131,0.200184859142,0.433237009476,0.6893320834,0.432524115213,0.273764744722,0.432062681937,0.00124009988054,0.462160600858,0.812844336274,0.792985906235,0.904699012568,0.857779997134,0.593112670151,0.0319843687792,0.149181181321,0.12695601634,0.29688675517,0.324314941731,0.402538498306,0.76000076951,0.395262727009,0.0266162709172,0.0670168117783,0.562498964455,0.713307665497,0.678109564153,0.635380980425,0.726903077475,0.635425820481,0.423825385938,0.447328736155,0.908294181657,0.119172498863,0.965758901855,0.456787783959,0.334798686133,0.380728482016,0.090728039312,0.453403791374,0.0543154051898,0.379375362366,0.899704913384,0.181912616391,0.555469243163,0.979508148849,0.472433629586,0.764036470403,0.469829606095,0.0960230016652,0.872445687157,0.469051624945,0.426149760273,0.679308701871,0.734932542335,0.632207397531,0.974255107087,0.509704452043,0.823021646273,0.13187373382,0.546909460077,0.97563179147;49 +0.82137611289,0.508579550725,0.282604083168,0.897129973758,0.725463047967,0.21672895325,0.482085037245,0.993195102613,0.725549685912,0.830855064714,0.707288172928,0.768185300746,0.729153440601,0.715837801534,0.935601628104,0.772507369372,0.985448360058,0.713913425805,0.360940162678,0.5845925605,0.861793258412,0.769572143064,0.520595645206,0.722289582886,0.354998368791,0.954360101069,0.260023472832,0.393002594897,0.316490648091,0.329095093913,0.645946091757,0.649641910788,0.310274185033,0.688149179651,0.511843090647,0.378111600808,0.699307108562,0.367162826785,0.202143967951,0.382130894487,0.470853747702,0.789762016076,0.340284758571,0.257096020667,0.289833414737,0.88440038067,0.64710337956,0.151820918586,0.103739183095,0.334301882453,0.295472322436,0.265020499058,0.883928070259,0.466671513085,0.187729615988,0.308929694098,0.957798082357,0.614123200371,0.330008583201,0.684055983654,0.181191625625,0.15522934391,0.28660785942,0.431775432735;0.400167939154,0.814583452836,0.271961306711,0.36089974911,0.905600659549,0.667630778597,0.409897703519,0.47515181076,0.273958845274,0.374908287654,0.451707522635,0.692367565678,0.0652209493281,0.775427152384,0.993466789882,0.741734845341,0.408856617192,0.0317976176325,0.0114388515314,0.433616063235,0.374789599728,0.638120935477,0.0314374123764,0.719569719227,0.0140257568122,0.375606501077,0.0729410933422,0.304978900371,0.0103129287628,0.605802700671,0.337874291428,0.463788996538,0.727090795804,0.926556014539,0.206210038825,0.945769610872,0.272355279338,0.569105177934,0.684167241619,0.554597501638,0.055300392033,0.0168889304778,0.878425358944,0.820440111077,0.965515438848,0.555589167326,0.774406855612,0.127041140651,0.925692753026,0.281210424089,0.0599153288719,0.612636292901,0.669395697626,0.609101389659,0.268929573163,0.51366644161,0.771904047472,0.797855296836,0.849176893041,0.365404161277,0.502287856586,0.474253651999,0.616093155762,0.181918232483;0.0335640766742,0.418081631642,0.108882456478,0.602371592875,0.106834712075,0.113938927757,0.719152865965,0.615998271608,0.866149493047,0.643741773712,0.468801397785,0.308134869272,0.0905734990985,0.452624506439,0.717375017646,0.795071645138,0.951646882715,0.400516770368,0.12521107761,0.027775254434,0.986056502912,0.370770385147,0.542392023697,0.326204201847,0.450996196274,0.750043801837,0.0140057865607,0.435362630924,0.210455805549,0.505975265667,0.912148833249,0.658459804236,0.459525585303,0.563611738241,0.426629219118,0.928814810098,0.305393354694,0.217098079797,0.496291425053,0.558110683436,0.127933941674,0.412130654688,0.776180150248,0.822091138589,0.333893089911,0.947218584216,0.140454013436,0.428449605738,0.793468690581,0.580654191697,0.306472776055,0.601809005079,0.805281983493,0.33655528305,0.826136457601,0.172198199251,0.186519166502,0.155870257918,0.77526581258,0.456230321752,0.159010668773,0.267831280749,0.100885038287,0.581528265285;33 +0.0812809589596,0.323115952499,0.954494462867,0.790971968716,0.413199772417,0.494658327352,0.417538257404,0.465182000383,0.349153568154,0.724494463309,0.093291817444,0.32801027787,0.0581722770984,0.00174390441559,0.18645441579,0.927103583785,0.247131429246,0.491837135659,0.788438437608,0.286583680444,0.0882918035854,0.43523364992,0.573860698746,0.165529953429,0.211200607486,0.221083157115,0.210071091147,0.996054064589,0.911908112507,0.238785456628,0.412146034603,0.593809758243,0.253450778953,0.524488714354,0.991822212383,0.425128931687,0.159120703738,0.0837443526759,0.735905730304,0.606193729588,0.230862701394,0.436452887923,0.218719929793,0.283250922569,0.174781068497,0.596699737194,0.722138527437,0.0516395023064,0.234132314611,0.850554884401,0.759559668736,0.84785748397,0.331160267358,0.484302633872,0.809437274338,0.0960114360534,0.00822943904525,0.0779169839257,0.175056721689,0.902433810472,0.63626274768,0.883884468543,0.0872590825137,0.245129145126;0.509083949689,0.0703679263845,0.414166257842,0.136533784646,0.814093511842,0.438861858619,0.39478693504,0.952152197417,0.928573431298,0.705097509884,0.824892564385,0.685500222105,0.0914039061967,0.968794099394,0.310145019757,0.294492946044,0.190660882773,0.0441220062098,0.354129990077,0.721458113602,0.685944629863,0.547615088208,0.212431467365,0.162274077383,0.224103522198,0.93365315886,0.390983911627,0.159360285128,0.407559164095,0.995501225556,0.077256215588,0.442401082779,0.581385943437,0.287669623557,0.551764076386,0.94441449068,0.755418164484,0.468777834202,0.730354350375,0.362053839321,0.297632315228,0.365844349315,0.0711819783023,0.0425694430468,0.824331781403,0.599499511064,0.190886263553,0.636239671608,0.398422149284,0.810532405598,0.470440502823,0.122507892837,0.910623181039,0.0981189708438,0.537063583267,0.664206498308,0.938832814134,0.705190271213,0.140055371868,0.318100788826,0.534625984046,0.624090706481,0.299194879193,0.620428714214;0.278253958684,0.107223220637,0.112101671549,0.562489277135,0.0455415186728,0.950901204717,0.742523622294,0.780391370449,0.918027919044,0.849631775548,0.796991485016,0.611242221667,0.219120688627,0.469898427685,0.998350485533,0.166463726648,0.374079976449,0.691141841976,0.236171600076,0.0405608484951,0.715989791805,0.353017078373,0.590765243987,0.155750662654,0.675456809318,0.662701057307,0.602242726688,0.206825307201,0.289144019201,0.65341833492,0.676571153527,0.744610987749,0.801146543844,0.897591979478,0.587629070372,0.320599396751,0.823601953579,0.963214945623,0.494005013639,0.339077334914,0.567610375473,0.234406336988,0.85657894743,0.903673206945,0.157737856329,0.196859577174,0.0355952174485,0.0298458005006,0.710605428874,0.315766699342,0.342476628463,0.794073069433,0.975126208416,0.222246386081,0.667969347729,0.999059194909,0.200834525348,0.567014086119,0.137816633963,0.946200518946,0.421226791382,0.455980718541,0.97427230181,0.0683601587426;67 +0.606586939352,0.77396970676,0.509053990913,0.494550225194,0.581685423376,0.770287675986,0.426794982122,0.776329105738,0.0591804298342,0.617971756753,0.897595892997,0.607731078272,0.837065399815,0.582194023445,0.525084290175,0.96437748192,0.500488535915,0.69578563664,0.425206209044,0.175812093523,0.877976514278,0.300180315575,0.759762879709,0.0644023778766,0.896629083658,0.359824819842,0.423106285812,0.376098880569,0.737865867663,0.442823120402,0.328547900623,0.442960391729,0.888067308722,0.488705892233,0.0207889776467,0.203723378967,0.646611493824,0.493766032961,0.90726936132,0.843954422873,0.258388310314,0.751903756968,0.139554394008,0.473521949726,0.692803572866,0.453031257062,0.550735393795,0.756816036825,0.256527062792,0.346559065519,0.724493029473,0.858333341838,0.102888775458,0.792680499461,0.327795510026,0.470454091262,0.572430539565,0.244441172135,0.0947744589015,0.00875560544066,0.349680248505,0.336528554025,0.837057695633,0.768259591555;0.0827481021539,0.810843330943,0.591781826939,0.576083048333,0.908157597323,0.511233077591,0.232530700959,0.670858496811,0.0339177685948,0.162811597346,0.956610820981,0.383872458572,0.609138387984,0.454923689114,0.998658580321,0.355284666131,0.741939305428,0.879206447766,0.29154071773,0.793491064556,0.700288326927,0.195779323847,0.662723484326,0.0413068232232,0.185642197494,0.811985307294,0.474753207645,0.474310336035,0.763563121566,0.116368301575,0.172492083436,0.657524141461,0.930637958992,0.949049924017,0.659816876045,0.362337959751,0.118414862817,0.347945923057,0.0944766781175,0.594662626479,0.845511593882,0.957233521268,0.628155013177,0.739247475916,0.259612027356,0.594529134801,0.83137869144,0.750010971195,0.53979988923,0.92611245969,0.23283550123,0.306342548954,0.693339518171,0.782338372692,0.67980084931,0.905571255571,0.647275823786,0.769719947802,0.117239581233,0.593435958966,0.108074409882,0.566560016587,0.719119850817,0.606802934782;0.138175676091,0.344398150796,0.860782853471,0.637760841743,0.982930468477,0.810523449365,0.571558946513,0.0502440157363,0.899079639689,0.901288051611,0.10289031126,0.722809448242,0.960312106426,0.578716055892,0.94304383801,0.108237538326,0.975582792254,0.718912567799,0.44903817128,0.521761712076,0.732008909494,0.0342596516133,0.424157501199,0.943880342159,0.0030521236371,0.498214941282,0.224853727714,0.254537853775,0.0755986237727,0.102781743012,0.344928074933,0.855380714836,0.671519795947,0.816676033701,0.172691007417,0.060944167202,0.396616528752,0.561741567491,0.279874501012,0.875123733735,0.163773802891,0.0293256776092,0.360785897318,0.570047360316,0.645916196133,0.682336925689,0.0322205858104,0.57717057338,0.380979640132,0.988441304566,0.25612886677,0.355476153817,0.429878135446,0.399099786529,0.832545054449,0.827620170777,0.651418856133,0.411650747778,0.401726099034,0.113733468001,0.282570742516,0.428418897501,0.828516109147,0.805082852022;17 +0.173406990341,0.338882683298,0.942557564366,0.0761351973582,0.0194427362644,0.499502114284,0.929470956472,0.994467423525,0.484405624712,0.643733358253,0.755101541559,0.569001326435,0.196970355328,0.276952666969,0.176912369282,0.621643397014,0.641699182075,0.280392853801,0.617490690455,0.775263790993,0.036804934966,0.55245719091,0.90941260609,0.76576455443,0.660146607664,0.657257254091,0.0973125205651,0.548193336506,0.401718796329,0.42903406232,0.134717180849,0.51005521389,0.741742703166,0.371397076981,0.922894457481,0.0413717889224,0.471951137076,0.214563816312,0.514351284788,0.698751575735,0.279281391325,0.715244402811,0.418035998776,0.46431666285,0.32569711258,0.62027928768,0.711081101458,0.105740447131,0.865662487658,0.490373053494,0.671166319537,0.744995042634,0.433459340497,0.354873846501,0.46634649654,0.0829737054737,0.524097045578,0.217619665264,0.282797316607,0.00840435691762,0.969326491122,0.977852680875,0.198042889108,0.884169704386;0.248395158532,0.453670165462,0.0751063604239,0.292759468497,0.475923820981,0.125120453917,0.209109843209,0.325216214193,0.287900353719,0.393486039482,0.893889230573,0.0367254964383,0.25548951651,0.430805546369,0.335452095272,0.83117625232,0.459781151935,0.42312740491,0.232037725056,0.198498192983,0.150925074075,0.260991620501,0.756608497377,0.143934392584,0.503100835714,0.277904498442,0.0748841075863,0.556624357593,0.87067688755,0.0677339697024,0.130678627933,0.25372182592,0.907723253982,0.864137445024,0.605178413614,0.173699624769,0.266151043762,0.0705610925823,0.887193255063,0.185009857469,0.965495770671,0.201807325719,0.350425853082,0.970883456432,0.643732778009,0.98463226743,0.24839317334,0.683822959189,0.334771408014,0.0927537838711,0.779675707903,0.887381693736,0.59474488377,0.314198961647,0.563842256536,0.0278859636489,0.460707456918,0.497966067983,0.160630261796,0.836328349982,0.600852389727,0.830897494816,0.406665630021,0.725848920524;0.980447149335,0.990625426332,0.863663482105,0.688053717439,0.782351651298,0.279465656616,0.705686122559,0.269888445291,0.51183604309,0.383493129725,0.809102034424,0.11357500345,0.320688284958,0.861984375449,0.588031057506,0.236464402733,0.383214546614,0.490865723971,0.369489527719,0.462476535933,0.981961119939,0.403955737622,0.395408441415,0.580234990009,0.795542135245,0.653188270225,0.89693678487,0.230015157319,0.543282125629,0.633093513684,0.908652167429,0.510206311329,0.560825867159,0.327464658903,0.821432794296,0.180540193423,0.408776961557,0.565938044522,0.925876634768,0.60706852618,0.1870510274,0.554527129483,0.819287818294,0.550114205494,0.836857362069,0.26687556719,0.731990834339,0.633049066531,0.134487331738,0.14469570312,0.767830011901,0.905414293098,0.735803889339,0.972527923818,0.352846846264,0.483788617218,0.45677904393,0.278454730198,0.230930707393,0.162755925677,0.629784617099,0.832227979035,0.0779267350754,0.996947224202;28 +0.506035452683,0.330371500884,0.378238645435,0.931759078399,0.2381685541,0.361690873863,0.768256104855,0.790822632411,0.976818287288,0.628107493551,0.264554120296,0.808225312246,0.862242767672,0.504432162485,0.312060608224,0.308718811667,0.876883323715,0.0204950974104,0.901630117132,0.674374915104,0.338137824892,0.475055421879,0.27358142514,0.321635940706,0.196335567814,0.247289733283,0.451086534547,0.651392230705,0.724421557248,0.914560247867,0.329088503697,0.790875316406,0.156602255627,0.555788248139,0.925634031876,0.582158874291,0.697145676577,0.17367347133,0.615198597211,0.964297207529,0.149097452656,0.579482217033,0.615997423878,0.377788734008,0.959807781798,0.97215113589,0.218883035629,0.40990611605,0.0102739219845,0.194277692174,0.480860063858,0.982061483648,0.298247105174,0.232970341054,0.093543915528,0.510702984867,0.765087990603,0.682200271356,0.792169371243,0.262169828339,0.958937890211,0.0407692435906,0.319123098185,0.440344618883;0.791449456303,0.354432817629,0.488743359165,0.271337284515,0.342697668701,0.32686808566,0.791268451103,0.392779273014,0.516399390117,0.274774803564,0.507403908967,0.0316362363746,0.37910079987,0.378807777389,0.844126456214,0.242863935205,0.319841395241,0.052269385219,0.394906881043,0.797278766994,0.331836553377,0.514398271254,0.551731524049,0.804739857172,0.612261277284,0.910431923934,0.567017001906,0.389534226622,0.541814348613,0.515825251771,0.0223383992776,0.182859455153,0.754784038946,0.800126829949,0.42448817483,0.027150520854,0.0783366517535,0.202630864359,0.36991743139,0.897080824264,0.927027925841,0.139660209695,0.574111433955,0.526661485934,0.280012100485,0.511583023216,0.960939126219,0.613892385684,0.0940930527322,0.293803966484,0.279182718887,0.432639050233,0.574705549181,0.0956211844073,0.906536105156,0.739456917979,0.839603676246,0.796906291647,0.441165970542,0.75878731581,0.265213744699,0.412392488987,0.606856910754,0.148933364963;0.237585061741,0.926623520132,0.886096658123,0.0133460052867,0.918696684588,0.0512869669055,0.644628809569,0.0897245430223,0.222696145883,0.29100853345,0.276581155602,0.631581102276,0.637459880154,0.646107967403,0.723474626377,0.261296105066,0.163931633013,0.326091168526,0.195616874694,0.792428581421,0.31152270308,0.782722318932,0.368071639298,0.731001236167,0.555029156562,0.701354105183,0.26394612826,0.578724250306,0.988299563172,0.241352276626,0.906219263582,0.42347134172,0.571112265346,0.493530563649,0.900986010024,0.846731918475,0.850018523642,0.367290395971,0.659717091798,0.34473292508,0.777726550817,0.693927779582,0.239754528469,0.484752324275,0.990523688313,0.406212975828,0.997482731222,0.795885524622,0.810230723706,0.97587084623,0.568253793778,0.45636365799,0.491514747207,0.303607860277,0.971480337711,0.613560504997,0.878658847434,0.0790648794392,0.0604473631572,0.162700879646,0.610743999702,0.266048125819,0.198342319962,0.649678089794;26 +0.447627735505,0.194358756604,0.806055808851,0.870954688113,0.189566208988,0.797440939447,0.176466619499,0.0351283250454,0.632628621873,0.58023705452,0.529948200161,0.133979402163,0.79784588517,0.906118782579,0.0101825594111,0.912200799544,0.0463432302466,0.468010472609,0.575353003622,0.749210398966,0.511347226287,0.255540255029,0.597206717391,0.456995165678,0.0747084249194,0.214902494825,0.610981635486,0.532960668108,0.044075406874,0.529538063469,0.147417146263,0.105663968148,0.0630098006654,0.96979851672,0.971044846546,0.798068684464,0.0473522208828,0.642682513145,0.732752822991,0.816597280784,0.515569412141,0.00473811758968,0.0766502058525,0.632469910676,0.851553087319,0.456370427022,0.3791309679,0.392913357119,0.880024924503,0.662767095002,0.570430941909,0.213853599873,0.468776052665,0.585984611613,0.0380960630563,0.41040263631,0.699326345906,0.859258987283,0.867360258777,0.19428252395,0.043010815499,0.503972846691,0.962246064777,0.0616120876769;0.741857246493,0.144441431218,0.856141534047,0.410894437657,0.22524893794,0.513567458641,0.650399500129,0.878085236092,0.646707010055,0.173597032488,0.23074309608,0.136594203356,0.537653616765,0.0438777897763,0.925561322598,0.667580074226,0.991410516755,0.609525978072,0.894638760711,0.979534738835,0.115796366969,0.737249343937,0.800340121627,0.514610046056,0.960767323956,0.566802101933,0.548129685846,0.275245413042,0.90802615028,0.592299097716,0.917429726896,0.0777724689853,0.912293440947,0.167264585373,0.804243226106,0.158482021354,0.512185454698,0.390704654866,0.384505068698,0.0491177030894,0.697716940891,0.17664116371,0.17600790844,0.78268877029,0.477073241519,0.65617704029,0.414909344195,0.856769542715,0.095323532859,0.0136025903131,0.545297708227,0.995402920339,0.840392559129,0.841993377226,0.237120716435,0.420545784891,0.544287183902,0.136100711805,0.167163052184,0.225982395864,0.00583995661552,0.271866950048,0.089022798897,0.664873280059;0.899002467271,0.210882885187,0.606426303923,0.896098454267,0.0206419458749,0.9965647815,0.591528077226,0.111309462577,0.32359496725,0.87742022537,0.372315536356,0.346701511802,0.0431280973768,0.114962922775,0.989815293925,0.203800164634,0.947580984832,0.870340758607,0.159016773535,0.58306399934,0.738329987166,0.914572219175,0.789128203638,0.428133136557,0.639173063569,0.546669996202,0.928914334999,0.539936010671,0.662192378559,0.318799339125,0.877443157611,0.310994029136,0.933874334399,0.335868140295,0.322711198162,0.518633168998,0.0703231853573,0.449887720036,0.236163437256,0.822177525274,0.152887069202,0.136959224361,0.604103740785,0.48823401313,0.90788129904,0.0739780255657,0.0998764756963,0.319039423205,0.32623538656,0.250493320528,0.50230695718,0.159930768226,0.57578423532,0.0342951529286,0.91839650886,0.968432491098,0.329796325921,0.732701516843,0.107227858176,0.555938058718,0.384694733898,0.75129412221,0.12174732627,0.534157351245;43 +0.626388025629,0.923098199295,0.778892725218,0.534664221252,0.39068640905,0.295214251702,0.415846697382,0.363403535485,0.37109610761,0.194859722398,0.515989732274,0.838867952617,0.0887038057903,0.432195323698,0.0124744898802,0.491134846979,0.542702287158,0.147055715146,0.427823361017,0.463110039248,0.560778463481,0.113411644908,0.547591648093,0.0775456366202,0.731982440221,0.086138496096,0.865594253862,0.877940971657,0.84665399138,0.0556297960086,0.950565876579,0.800786934706,0.801250349965,0.852495431823,0.425946694924,0.212701759196,0.990651167501,0.667715750291,0.654827932068,0.979988941602,0.122249187286,0.0125434825702,0.661842030994,0.989639476686,0.539904736717,0.639480581958,0.420471315135,0.964161323042,0.88703477499,0.30929778991,0.719632073841,0.546758192612,0.56336810704,0.927498837312,0.426530516181,0.36689911197,0.943424994652,0.229555093698,0.430207415015,0.440037875536,0.343345356861,0.26852255254,0.998088899037,0.184715844591;0.703559359737,0.463903586966,0.130141438597,0.55942686509,0.890008496981,0.625766542475,0.156207127044,0.652196816589,0.946127048212,0.42181652514,0.493727425454,0.766488624085,0.525231261677,0.442280525251,0.550808774801,0.0426374633386,0.894222969922,0.716958730646,0.623011159832,0.0806560434702,0.371810490307,0.607938405799,0.0689635794515,0.0225662444946,0.986813526115,0.095198926564,0.156413541933,0.763537917773,0.384823480317,0.0897021664263,0.96027149905,0.374615813055,0.486063442723,0.102224045929,0.568296918948,0.408003826207,0.908673968084,0.813384247946,0.480090622131,0.435314982811,0.907150049522,0.0725848904411,0.835178181192,0.725567718981,0.292034254974,0.387132572091,0.14446195971,0.237846376639,0.0514798273093,0.798363607626,0.287732712157,0.366030731999,0.849605694072,0.835084882447,0.615125325896,0.617993336275,0.105928824401,0.859143070911,0.434264124321,0.724789392702,0.00329459180004,0.908037372034,0.454595311913,0.89697240066;0.021137090635,0.940712223552,0.2083273889,0.217976971668,0.0451661471649,0.215259032996,0.287921854293,0.81602428667,0.0366422382434,0.537114425874,0.409925544796,0.0313391679391,0.356859189095,0.360291832341,0.0442034343133,0.349768006463,0.505168098527,0.775779833687,0.0740693419036,0.160582592354,0.858991802754,0.125679112612,0.864348929603,0.972438682779,0.565828397561,0.0452610854573,0.49342806787,0.847026762756,0.1111185033,0.0583617760414,0.861505835797,0.84889115195,0.938806293658,0.442804582032,0.54209698022,0.294949556393,0.152965270099,0.995635371255,0.520089801536,0.00841485133984,0.646261853359,0.298035170654,0.865479185781,0.510835664211,0.605047063035,0.785144974491,0.752041120371,0.243306567977,0.178961755615,0.611725960162,0.889426509599,0.614397537151,0.560381889974,0.212608752268,0.485311404919,0.223231559274,0.178131171813,0.634953054136,0.301176308081,0.337812261693,0.232784344806,0.339079156345,0.190393370157,0.315864839715;42 +0.785263704538,0.412079793353,0.483311500789,0.57838516427,0.779311243528,0.182506195266,0.506679114795,0.0102887237499,0.0409772735257,0.61123930247,0.151296307146,0.507192168244,0.0403009026956,0.0144299048947,0.349013430771,0.164301518883,0.467202066419,0.0995239255148,0.255928971671,0.965773085783,0.821337950569,0.0721792212045,0.640598927911,0.602324744367,0.357642830266,0.957913269988,0.462524392233,0.29636028136,0.411057982329,0.703338506602,0.465522253709,0.792985095273,0.62299783537,0.460677336941,0.0984583808404,0.315626761113,0.453660827204,0.463321298067,0.28966153784,0.699509730935,0.0398686438955,0.834374482611,0.75088589702,0.49406017611,0.322046027658,0.00181225474919,0.527476907866,0.228273759945,0.95806777952,0.55143126868,0.428341854223,0.573842983999,0.560856845932,0.19741339964,0.459545603493,0.344339568072,0.958479049949,0.158101872908,0.098461200665,0.182525734464,0.487153685176,0.498562273755,0.778552212294,0.790623811046;0.522332136553,0.251493880027,0.715196816806,0.849270250635,0.58214067455,0.172543101221,0.256566535462,0.202866698193,0.778944342996,0.637371863002,0.269699696141,0.0491556933534,0.314946172358,0.153426083289,0.47823074781,0.102396104985,0.454122333657,0.412437309696,0.495570650022,0.401412355278,0.568427208446,0.717920036532,0.195254156552,0.142841022361,0.316601226588,0.626279184029,0.284546859434,0.519314446158,0.590010653827,0.0466498117351,0.0474524468889,0.391434730268,0.212927668223,0.38127351894,0.196019256255,0.801839671549,0.784600701567,0.923754901149,0.126761315745,0.311091269399,0.985672208901,0.490729284544,0.61126726024,0.540225349816,0.769671984682,0.16837644218,0.607065914369,0.302393358212,0.197590930434,0.434680043998,0.792864649862,0.23515473747,0.303708061411,0.754903527757,0.506458985103,0.923529001403,0.610881483133,0.472165418032,0.930374229112,0.623260606142,0.0148693777074,0.80428941064,0.528048903406,0.262985713704;0.823458147008,0.981778672989,0.859791446667,0.566460912385,0.228300529013,0.207712561042,0.519951224652,0.907003564766,0.406097204313,0.785215883702,0.658890696338,0.375846334713,0.549442512083,0.302088862189,0.688700548004,0.0339217089887,0.178032250887,0.458883067969,0.259451633038,0.828811014123,0.770850122973,0.0302486626553,0.271612819218,0.801733217783,0.787398217655,0.605004550792,0.738209747178,0.712057448234,0.720345981427,0.134599244282,0.672224336008,0.605265951488,0.262055400082,0.594663931488,0.554563428663,0.0518123599798,0.950485905992,0.909983378949,0.671336057124,0.95490380913,0.215903834504,0.14204857957,0.575889228384,0.960654861863,0.904786407982,0.806236910492,0.628995427911,0.628041273749,0.550693447216,0.719321558985,0.139148831356,0.251013348311,0.550221256654,0.721480838659,0.263097690963,0.920201117585,0.892748632249,0.0709027211735,0.641421403319,0.596744755681,0.67894573991,0.422530087267,0.782308382094,0.047081639296;89 +0.33402688004,0.223159681232,0.284718413494,0.928422488242,0.623617494854,0.770333290505,0.682660428119,0.366756172769,0.543440001936,0.833702408201,0.834604849462,0.305862253915,0.727223302797,0.981667256512,0.0020868096321,0.123205763568,0.0662582449376,0.535785569488,0.172739567384,0.552145528449,0.625082797074,0.60605076242,0.80939666279,0.531140112037,0.872256076614,0.288444241158,0.442158461142,0.0842551297436,0.79405128842,0.964580196597,0.799977745357,0.941793352352,0.718300655756,0.222455541186,0.784938323765,0.232190153472,0.794752196299,0.0402646105217,0.819479768367,0.424446624071,0.925409930775,0.720986047125,0.422581991797,0.618690219389,0.278632816022,0.323990664243,0.783296587273,0.318979379726,0.511045716064,0.766947483087,0.569091436577,0.191037032045,0.304097979076,0.921705520881,0.713052545115,0.820723781159,0.486265694881,0.482830208145,0.478607956828,0.04458678996,0.305229506333,0.489481425209,0.506926268236,0.201800186007;0.0221997672062,0.0504727167735,0.94707105647,0.0404908531505,0.854726542918,0.932492008798,0.82784724136,0.513723680853,0.176342882414,0.0319360409835,0.294993177366,0.746613847929,0.590901850418,0.899164022719,0.409415542073,0.640916772453,0.917189902146,0.674641985731,0.233910892581,0.5777659647,0.86770344461,0.140541217334,0.00902712704016,0.806315798673,0.982033782146,0.634417348126,0.790090720642,0.680963628015,0.885357272701,0.338667229175,0.897301327524,0.739812651843,0.351262886671,0.90300942094,0.391647635159,0.238209741775,0.331319597587,0.66205897034,0.700538297219,0.595966758943,0.92732416331,0.126148409077,0.241609578481,0.220542394726,0.820044404554,0.46117169323,0.722262490093,0.493940563693,0.293898386493,0.364717156095,0.848704772265,0.956435116102,0.464842980697,0.448145375108,0.454766138118,0.255296100573,0.689386800205,0.047799422176,0.259692876871,0.165844389893,0.986695081134,0.0766891696768,0.828305401488,0.353243190657;0.455362775351,0.901549258816,0.992108710112,0.0244381852644,0.163763631697,0.938440260494,0.435124319428,0.0885385633361,0.810803355879,0.0630847378123,0.570579913685,0.186058684653,0.027273028384,0.327331613636,0.903060401062,0.990165299695,0.80414559322,0.232123533741,0.0927499383962,0.265824720896,0.502165850582,0.702287253453,0.376301926923,0.508921265294,0.841773482236,0.676969850869,0.131987873748,0.354348546008,0.767835975408,0.804885640142,0.455216245032,0.227816111174,0.968288421788,0.215058531394,0.293816850179,0.27112400129,0.275970795862,0.581090261798,0.152952385269,0.875559202529,0.337116800504,0.760915110881,0.820436860212,0.0853925088221,0.444400052893,0.254194949673,0.379016096585,0.13651995028,0.0824698942858,0.493467213875,0.103110975807,0.0655737008013,0.075227043886,0.744682708401,0.632056059121,0.0414121802702,0.0643277341322,0.61745981829,0.874014365888,0.625229403946,0.194751505326,0.997700624177,0.615148879067,0.981088650993;25 +0.414301062433,0.742546168402,0.103605822906,0.74615886268,0.472192360298,0.412671148189,0.808412311434,0.81617036618,0.839811300366,0.909891913183,0.774873989231,0.400656618418,0.74939866074,0.27340528593,0.973817174542,0.233331932351,0.989646962331,0.586073387098,0.56119341212,0.569506827561,0.668544824213,0.499229515585,0.811655269637,0.196300745885,0.946903191617,0.629132905307,0.395692135778,0.0810546981826,0.993743128322,0.310388051573,0.168357228447,0.354134116648,0.788318409699,0.927384856062,0.67871393412,0.387778553241,0.971109914756,0.124248919297,0.546409839715,0.637713903254,0.21169381132,0.777977227976,0.454265771313,0.22010984775,0.587754631299,0.236730998817,0.358458263446,0.658352857455,0.283436896242,0.422987067578,0.445179352379,0.634020606817,0.440281928991,0.0820882254609,0.931667582877,0.980443863737,0.0484307754865,0.15405241416,0.644447357103,0.542290266289,0.252230885517,0.951030196933,0.19156832589,0.154547510574;0.486624265608,0.815462926725,0.638993596745,0.785822822399,0.786370406106,0.126018209364,0.369876771076,0.862828104148,0.243142508013,0.144328540537,0.772258558886,0.855991774508,0.463570006507,0.815973673151,0.674805724778,0.271520277008,0.797889649494,0.811990385183,0.573193634329,0.0851960446626,0.97947607698,0.939393227953,0.376789858046,0.700590736048,0.880819128743,0.241883179032,0.763564156702,0.0435753072434,0.039852236604,0.156589369674,0.474284731658,0.616718021106,0.642003929001,0.617573573407,0.633901412524,0.579639325395,0.571662376199,0.155869024946,0.880684076249,0.25887065403,0.464677685539,0.823893405866,0.603758752847,0.399950136925,0.258486636703,0.137810076293,0.115092421528,0.665848985815,0.0532743776398,0.986538941991,0.398398727063,0.89038617411,0.357094347124,0.265461892987,0.155143117085,0.877396445665,0.0401706006274,0.133233675583,0.556832605845,0.949319483499,0.445429588004,0.845130122143,0.758402572534,0.892379862983;0.498407922324,0.955830546748,0.450380561127,0.0561423040398,0.689489569344,0.430781598617,0.384036073955,0.362254129009,0.958728471043,0.880969098252,0.470124126507,0.661777602075,0.307621354162,0.775566280388,0.0766397136255,0.236250756764,0.357721789798,0.37128800918,0.699751838491,0.899760749,0.888015386292,0.664656764221,0.615732132835,0.496479612842,0.448407863881,0.875983107036,0.349768331249,0.976186954455,0.0169237877335,0.591807364385,0.259618751514,0.46166774818,0.410309302172,0.419230594244,0.870104626651,0.577825899384,0.235199012033,0.330272573616,0.740301972809,0.622196246517,0.872491650644,0.190266288149,0.505929603459,0.791210155228,0.84757031527,0.380869820049,0.772478447832,0.611591911753,0.288127953522,0.796633534456,0.444124604251,0.381296783889,0.934200304883,0.926179293105,0.676655278776,0.0435585711503,0.663592825592,0.898673876388,0.293277230571,0.0329542492262,0.194689189196,0.410720333301,0.308878035466,0.691798706351;39 +0.377842336195,0.8647990487,0.13018953557,0.477387696865,0.0618162427854,0.975781466655,0.191160820031,0.232840452398,0.143739707482,0.118477886205,0.391240641167,0.985079439829,0.646915886025,0.00644898126003,0.760653081177,0.599893808087,0.0664548858739,0.778238815872,0.644073187171,0.537986842243,0.468604299647,0.956870937232,0.504795607821,0.381004280268,0.876529515864,0.642704038952,0.27830893377,0.623443493021,0.990481608367,0.0998566240972,0.311102396909,0.32916366266,0.683130903718,0.0952450569528,0.21825591128,0.936487080081,0.519032254158,0.840701972883,0.865735735062,0.845816250831,0.0971088824274,0.624044672497,0.768469779414,0.420109714038,0.518491814234,0.90022510748,0.872534234257,0.336037251455,0.241215784499,0.051312585594,0.725315398012,0.413460281662,0.473378523982,0.740406559987,0.987700017025,0.368637971534,0.410439641497,0.75526781005,0.82618632547,0.566880424333,0.347259190091,0.841126124797,0.333925841684,0.648909570009;0.414665861329,0.317750540212,0.0298810162238,0.033426872735,0.0330995159014,0.825094825135,0.223690246036,0.861130612193,0.448755684555,0.468967252543,0.941997489141,0.229979681522,0.64974842124,0.493414417616,0.118886520364,0.946320422919,0.380907982758,0.733357367551,0.939614169549,0.190289650412,0.171541010023,0.820527108744,0.919716123299,0.814496904533,0.578238452878,0.1040914147,0.293376568727,0.416605792295,0.711582378098,0.771441624746,0.100583007665,0.395567517868,0.73081068347,0.0624722842381,0.950013612252,0.901465120072,0.0802680548202,0.877415562165,0.468980328168,0.271055570817,0.819327847098,0.416895791866,0.712618964388,0.648964003957,0.655146401784,0.224595014316,0.600148996068,0.38785577921,0.388329386985,0.809066936774,0.777217441115,0.981735198178,0.000792024076146,0.990366056503,0.377917774474,0.428789577235,0.436194207871,0.619870580367,0.775882372698,0.0797653278108,0.0914085843241,0.724907771221,0.854713055265,0.580920508637;0.869692592582,0.687603485225,0.302071451321,0.26910608246,0.478638687951,0.147337381274,0.236503697432,0.820215164261,0.0357954899913,0.33307045488,0.0483828115442,0.927211497741,0.451507502021,0.506766933103,0.796585929605,0.76142560547,0.216000897231,0.54153032174,0.94254830312,0.510266215157,0.107450383653,0.0419078240944,0.5663129196,0.314247270451,0.336400347553,0.911454060629,0.0524829279188,0.101510886736,0.730079152149,0.676420659164,0.980267164716,0.20133518708,0.940042657478,0.405654727452,0.12829209852,0.0689505730515,0.769676430161,0.404931649206,0.0363497924284,0.920515431639,0.309249155724,0.814449199263,0.854999977666,0.210572959128,0.379813533846,0.506145060211,0.0203505256053,0.87077676509,0.284459589557,0.638340995108,0.035886152691,0.230810541469,0.516615229708,0.345290653844,0.241122490084,0.043917370045,0.138060353805,0.924650758406,0.886237767902,0.0450173457644,0.279464454087,0.257286146721,0.894854192424,0.340691795691;97 +0.980577969086,0.883943253661,0.150376134011,0.654473965842,0.0921922639367,0.686912743955,0.0276248512836,0.149728728982,0.600035585429,0.204633674669,0.0408730985406,0.0174279029219,0.255525801232,0.602830816855,0.878092755091,0.397801205877,0.254213615781,0.745288180086,0.952514984587,0.175335962207,0.138498318252,0.186906522594,0.111123404314,0.180386794508,0.239448527925,0.236058871873,0.84870681404,0.103970251378,0.0497491682985,0.92452862424,0.0820358343984,0.253799968818,0.608094602089,0.16050171872,0.388537777184,0.4241123845,0.28448054748,0.488500485898,0.210336804847,0.233918068998,0.923974673684,0.978469449019,0.621042847536,0.305745927373,0.622288072549,0.711434282804,0.974609016089,0.860371433248,0.805407733411,0.437382044524,0.15343561222,0.870341111842,0.656754192139,0.0475298404219,0.837083042122,0.21447890472,0.375912086058,0.563364347228,0.513535740658,0.97821160071,0.647958855446,0.236361859085,0.111121548305,0.312248295423;0.134926161348,0.0707186403485,0.293300648248,0.025771444221,0.550349691466,0.32604892578,0.283069838946,0.788610508891,0.925808471012,0.115574891719,0.435913497544,0.600760790172,0.183940002508,0.948746205626,0.656551115694,0.609842246835,0.409554317798,0.434281479736,0.180163291223,0.296940937477,0.911871096912,0.541623005782,0.834114616579,0.00101001781535,0.370434210879,0.0625118021699,0.0135560565949,0.353268661652,0.211050590443,0.701808535986,0.534145351644,0.368381560142,0.654700008351,0.988420365754,0.927338097059,0.440418959332,0.365272800139,0.841668751575,0.0459764407177,0.243651823083,0.624542865406,0.407731053946,0.132851125465,0.211339556805,0.0120122469142,0.460753633255,0.965806459568,0.23423005091,0.850014258008,0.723789495253,0.983101404291,0.6053909365,0.477000039354,0.0837295101342,0.131249626492,0.243203181582,0.550173857625,0.323713241206,0.526866891352,0.931846714312,0.0261295921184,0.306112200866,0.652017445312,0.534759255681;0.506032885853,0.0567387636131,0.344979333155,0.562670105007,0.791903775838,0.035894426533,0.935367310499,0.712641859746,0.184709693079,0.940037644492,0.2929208633,0.579178085296,0.669848221367,0.499541889357,0.816708445655,0.503050898982,0.344181722032,0.028516378691,0.644286287605,0.400522982106,0.62953144761,0.274457483337,0.366993172498,0.411538853426,0.477230365913,0.746239282385,0.0916286732282,0.447199469136,0.276193657447,0.514470952686,0.683679827084,0.984336686651,0.845734974347,0.504248236214,0.793201120663,0.772529376269,0.211347420955,0.397914211341,0.517863620864,0.568914716097,0.275661678775,0.597535833846,0.608070441759,0.734034379183,0.380662259892,0.476418146539,0.67991939142,0.738066560335,0.500040887143,0.175057662395,0.368364240753,0.531111518142,0.284411157089,0.361851146862,0.794819522388,0.312160760567,0.185253749419,0.451934851838,0.907352115884,0.359745209193,0.285173526008,0.0455694359983,0.206178522175,0.78598184602;38 +0.0475816475967,0.722503867154,0.747865051567,0.793518124593,0.412921351019,0.826771407805,0.577230272893,0.542497677753,0.134225574466,0.985550759206,0.862238148262,0.205595600679,0.455528607979,0.332866550107,0.646195150157,0.410150841047,0.210578094433,0.737017248531,0.887101449623,0.0254645467987,0.742663668542,0.451505994167,0.521135534322,0.631451383591,0.22447133541,0.206830228323,0.608262302022,0.516951845291,0.56069199913,0.182196892052,0.614499046188,0.885106755551,0.616864981204,0.0184442062711,0.428116612704,0.331475916689,0.757493425108,0.856144200966,0.495885278435,0.0247559822052,0.723984339881,0.515210605207,0.277624058594,0.330941423859,0.308700258373,0.766025381969,0.407379488669,0.744243722587,0.913708576057,0.94486785822,0.998518432979,0.998509380399,0.971282622397,0.630554126973,0.174973598813,0.969154970348,0.0772208857001,0.20546411872,0.398445446346,0.062231576015,0.00850565559097,0.489426536532,0.445847198648,0.425232541605;0.973040147104,0.447691666554,0.416582671482,0.991495230838,0.170909624771,0.933824625405,0.310853842944,0.471123991558,0.0448694523652,0.928610809257,0.651181183209,0.270986161312,0.935485660258,0.420466032622,0.380833652419,0.416016207653,0.165179235143,0.868050781563,0.752658929285,0.401479960168,0.871395885215,0.21376323772,0.0659168915405,0.274299071278,0.508458974101,0.563466454951,0.43092472644,0.890073277789,0.182560127926,0.227778041703,0.067587159456,0.37235210218,0.52829188254,0.941343237135,0.553249930039,0.776244683821,0.700812814754,0.785028446529,0.295171907198,0.837992716303,0.487662651806,0.486670392622,0.157926670293,0.588422377971,0.276805289075,0.364671669794,0.726113817686,0.951088525609,0.571087399175,0.855520053066,0.0483058341875,0.521036162766,0.648413655592,0.831208926552,0.591526866067,0.188139396047,0.743547734916,0.41780673422,0.80865561488,0.60706302065,0.83407906084,0.357999594208,0.0218695263636,0.200943528372;0.750635018181,0.771970878195,0.95375080224,0.681780900781,0.44506526055,0.40173708149,0.468512054134,0.522649915114,0.631294965433,0.47527901761,0.637882134681,0.708246718201,0.0890434417984,0.630030262846,0.126266759679,0.549465119911,0.403680652058,0.512586218822,0.142421016569,0.92359431946,0.0029449729059,0.880710344769,0.708893927554,0.730482910146,0.281491048104,0.246982907153,0.893665082305,0.0674247159762,0.918585526641,0.0319921448186,0.354914546486,0.0613380467402,0.891719902659,0.856870320472,0.232999741677,0.774762388902,0.99992933379,0.598479304353,0.739606262944,0.566671378347,0.0675099465925,0.441013831764,0.707159289247,0.846505508445,0.915180381252,0.660118603132,0.61135694523,0.918251293769,0.976173369555,0.999538850819,0.712295675651,0.785438669581,0.480502517428,0.351175712128,0.468533452176,0.276831712949,0.37607890814,0.816768923346,0.058355141511,0.566559578223,0.907515352617,0.0839080647292,0.777963136961,0.49116935924;29 +0.618488986572,0.308888548973,0.912122540233,0.511042558288,0.61731299493,0.339509058173,0.673150053635,0.786323221029,0.705129874111,0.254840270433,0.104752550184,0.865008335513,0.976125162896,0.128206999561,0.534924545065,0.34450170962,0.673773122523,0.69454467658,0.498222234209,0.359743297885,0.858164524491,0.320125549339,0.39691308606,0.88503729437,0.504723269894,0.348918386536,0.0357762037334,0.254708793255,0.21783869055,0.874467495079,0.343277843275,0.399192653326,0.86815569624,0.277648857853,0.770198246274,0.569021713584,0.963676002927,0.685538129427,0.875118349497,0.860108791376,0.443481723379,0.533459943228,0.265709672023,0.282341963838,0.168612699902,0.778172823201,0.92270716034,0.522304355015,0.535585248167,0.957709196904,0.69321968989,0.57010891297,0.246211641993,0.476373336937,0.882878765772,0.640352321478,0.85385146371,0.0949674691833,0.921371284528,0.181933506835,0.0689808670131,0.318120462774,0.671149610062,0.512075524963;0.934170002346,0.570556156928,0.763729507238,0.216475306732,0.307863625649,0.479456690733,0.385130142317,0.269467483717,0.387907567306,0.710898024737,0.074386518901,0.560269448913,0.701377601903,0.00212261104438,0.127648768802,0.930311522786,0.564505570195,0.215444069202,0.815223365631,0.208338586125,0.121595411459,0.39612107021,0.933024052499,0.00641498531744,0.324342833404,0.661251047623,0.810390391315,0.985719066927,0.624333699832,0.531001573192,0.168997358637,0.182411928101,0.151050223476,0.931630537189,0.210184423432,0.0597472814713,0.960727239946,0.218370733376,0.837756366525,0.594390605297,0.693577660198,0.615164526993,0.44598133589,0.315547359388,0.593059426557,0.514514889674,0.806309908899,0.668188527219,0.417941562455,0.743448682036,0.636251332812,0.465979969604,0.0990375732927,0.813509765463,0.603374208514,0.554261600716,0.269746377609,0.0217202434693,0.214941243834,0.724801135524,0.953689317152,0.28855617571,0.583191175219,0.353457778581;0.176891590032,0.337210385248,0.65128350271,0.858643986057,0.233025704506,0.639147208421,0.669363995614,0.155952009483,0.16459884637,0.679088739196,0.888845053718,0.017750707343,0.373905348105,0.459379865865,0.331881562094,0.345545206575,0.235630349552,0.129494845376,0.369824705792,0.259409032034,0.14223655691,0.126520184862,0.443272024816,0.14476536557,0.442119437265,0.695951520637,0.307700454407,0.207444561506,0.826673308202,0.583315115826,0.442390914561,0.361134824514,0.830237609399,0.441449748102,0.780509180223,0.965997464781,0.33040640148,0.855803235521,0.389080435168,0.0275620447292,0.371227368647,0.360623096143,0.128108530796,0.125561670309,0.320551091252,0.633722469556,0.694616013342,0.459215448741,0.482803890499,0.42116853804,0.122315185354,0.400309864602,0.814249476533,0.98056066143,0.876588419229,0.185004899976,0.504069520492,0.399876414711,0.498814100256,0.998800160553,0.166182956892,0.563012764419,0.577842626009,0.171227547875;44 +0.762806617305,0.743562297982,0.911679070005,0.852587239911,0.869466262193,0.65977729512,0.6915227452,0.0714094763985,0.899932626398,0.114084372072,0.270671130973,0.268826123802,0.331575706695,0.668153766348,0.936146360984,0.671354448067,0.868296131041,0.318261335831,0.549757931448,0.816974520668,0.236708319097,0.0478826321467,0.603083237664,0.842806097137,0.535259157614,0.105778955956,0.289664311046,0.485907639488,0.451849803335,0.416734939799,0.463608372075,0.35122221791,0.892731910018,0.753507641416,0.119989260619,0.78004850689,0.260189093762,0.617827146859,0.600986846273,0.732046686968,0.461312835702,0.724627026253,0.584267982933,0.296629565363,0.849075631275,0.900020711688,0.902504056055,0.616911942717,0.888451094828,0.953236534235,0.531459972978,0.824948146926,0.319105123589,0.292801379587,0.11930621023,0.819521622704,0.958189550631,0.703777681849,0.675216475515,0.146290222474,0.914938100932,0.581364163328,0.972859903545,0.511244025842;0.656105523204,0.140070173431,0.232261252952,0.275551350479,0.953653874149,0.813400958722,0.96839837639,0.589467851082,0.449866719671,0.810583739815,0.290147432709,0.573100608727,0.761246728789,0.00440169300932,0.945167044334,0.426860008516,0.534037616518,0.230949021138,0.359314540641,0.540825048594,0.0944795837449,0.847821082634,0.438947425589,0.196960861616,0.826363362923,0.766111877338,0.701928140658,0.412613916557,0.0229208480932,0.533717600523,0.0497300572061,0.386376700176,0.489182294598,0.103248268438,0.0947230459191,0.428657328994,0.392870258279,0.903115048436,0.668923974063,0.355081396769,0.860939302749,0.258157152522,0.0814354592488,0.781345719212,0.241731935561,0.170881341629,0.612581749061,0.344797613931,0.60792702023,0.241127046262,0.926908487528,0.140479880743,0.798387658278,0.575095565777,0.704161552651,0.498195589117,0.632949079557,0.924951586719,0.914762770943,0.438509842352,0.47359292523,0.400403729253,0.750676897383,0.148199468577;0.447248631523,0.118215271836,0.822810868492,0.270659327896,0.538811962542,0.90687618041,0.504881262307,0.775974679902,0.551944741924,0.22627796909,0.850211926715,0.290396080942,0.780027972618,0.0806178704199,0.779583212458,0.200106294705,0.373044861437,0.402564139882,0.457303959752,0.612249105857,0.636241397294,0.871551351929,0.28249595273,0.81995704206,0.377166400626,0.360864256404,0.660745941832,0.0899434100773,0.78916931848,0.515987135131,0.0755783955494,0.988713489563,0.803705149919,0.636481568322,0.530517106747,0.540598676474,0.0780202307786,0.43657292164,0.0442627566603,0.0627886729669,0.72209781809,0.773124322966,0.892350472207,0.634157596706,0.693416215657,0.851581668158,0.912739863249,0.0311133001537,0.0167768292495,0.345456511143,0.105960424064,0.692043515104,0.97912015242,0.208130340019,0.844606639591,0.931570727515,0.434168660092,0.736701699288,0.633536053294,0.231569240805,0.386585170212,0.804174562245,0.747937551981,0.362671057329;93 +0.593465762738,0.424664311222,0.724387711087,0.836322754138,0.291777258012,0.201528326095,0.724826217228,0.18542462518,0.981777440232,0.723183929405,0.71622047162,0.929293947034,0.010267696686,0.979625068393,0.628201269626,0.330969004537,0.232595013519,0.896391397657,0.602772084235,0.483514272975,0.649677858524,0.633587975398,0.95244273762,0.828954607066,0.243736741937,0.597562302475,0.548450718031,0.302289613268,0.362200968426,0.81237689486,0.916419530123,0.792689322818,0.934830553698,0.44505444319,0.179193424915,0.449297039846,0.619431056785,0.711993370214,0.954739526593,0.470218211506,0.0655918610721,0.529363152077,0.799597620901,0.12930212182,0.837361668023,0.900799286341,0.908012134876,0.914039794371,0.825726353498,0.998365871044,0.432953386432,0.398700024726,0.499661991327,0.90995013519,0.138417766477,0.714442578091,0.375728139296,0.0520424064533,0.721477824182,0.358718711043,0.11648976174,0.431608134576,0.422207590417,0.739917603013;0.488181736154,0.363912515028,0.992157927254,0.969307933169,0.769566785379,0.654146088077,0.712332443718,0.533081304899,0.582946757062,0.783912566448,0.227969857169,0.349547950706,0.451102646994,0.0706592438186,0.939298396821,0.284549623728,0.133836593471,0.651312039648,0.337872216984,0.740488591843,0.208670867884,0.14623775138,0.953713656163,0.248752859135,0.00530429639752,0.905342893151,0.94230187108,0.570750616141,0.248296230663,0.0696114141283,0.863945046645,0.42093272737,0.684340784915,0.391700767807,0.265203742211,0.43815204209,0.676370916267,0.401379472192,0.256656424446,0.451038175127,0.0175798928516,0.224145199131,0.950535175896,0.795181412935,0.802504916195,0.682140566844,0.32622261621,0.104072714469,0.643116965333,0.26133326287,0.0493688869782,0.758509700635,0.2964155848,0.264098103969,0.496707084422,0.557266262416,0.304468898528,0.908629990429,0.358071260098,0.145070852433,0.426226824435,0.707218264425,0.340616572225,0.913728450423;0.551379896073,0.145131891372,0.146106666823,0.606843577867,0.0626038306207,0.442639006134,0.153175615551,0.505115631223,0.321186283037,0.533164646408,0.950732142333,0.933031763758,0.852359422025,0.238726453017,0.656073087007,0.685897760581,0.403824755673,0.289238820014,0.26323104161,0.531579671402,0.114306013438,0.278336941782,0.90687846275,0.276891420103,0.802064063945,0.836001510253,0.483389631003,0.97781779484,0.694803695183,0.719239214135,0.512345916763,0.235998699018,0.782396266479,0.972106861766,0.821686223533,0.539530560677,0.873664874307,0.15882447496,0.846149007142,0.337623117489,0.309073139235,0.645409420738,0.09132363057,0.821386124698,0.0621505499659,0.76426109543,0.752019681759,0.465573991468,0.968071620837,0.358656183625,0.409088735377,0.766025257131,0.499956588555,0.206302308045,0.952641319355,0.722555281136,0.749049222993,0.795383420444,0.314258204497,0.37067070254,0.36413263504,0.761945351497,0.240003905217,0.694268749921;51 +0.0516542811386,0.132549563818,0.276515473713,0.776810685608,0.141062259303,0.622922868341,0.981138931966,0.301496918743,0.473174185017,0.655788935834,0.615186707913,0.17126035762,0.870890171193,0.198346217102,0.846758150321,0.877288753361,0.267037933386,0.46063598259,0.868048393216,0.236597092722,0.367205006569,0.340212799091,0.356969759304,0.29063240974,0.137216358856,0.346047201973,0.718145022357,0.892231988551,0.939003146842,0.0165612067313,0.00988961797152,0.60504132457,0.559221560888,0.468775041116,0.524013178121,0.0384882473172,0.504671036328,0.214027357158,0.00716091234923,0.880553063117,0.488889476474,0.599831422615,0.270508998304,0.455208582132,0.832929703793,0.467588519217,0.545612419319,0.402595408783,0.0929744049742,0.649202082937,0.844187166837,0.0822674306914,0.888473537594,0.692812594339,0.39653232794,0.0316213815967,0.436527130989,0.564544532038,0.181823045683,0.163790834522,0.539378305493,0.991300867939,0.59140188756,0.950567032244;0.227002991216,0.597594986478,0.0482865278127,0.304889678182,0.0238168538482,0.519843355067,0.0378250394045,0.112037021805,0.510477404998,0.0542276001544,0.787432660771,0.645319735634,0.364021594547,0.500583910832,0.315068880076,0.980772148416,0.647563681221,0.279206046539,0.547300540157,0.895719690046,0.201545838388,0.151710891204,0.300508969426,0.303054670011,0.748992463713,0.886441243128,0.0257496622162,0.457683089926,0.930680587567,0.185958718162,0.0722684610607,0.200214194896,0.29751152546,0.0455449458354,0.683191732234,0.0110134331107,0.142789742844,0.290982887487,0.634894043114,0.670354176438,0.970649710226,0.252503695912,0.686997153675,0.663431175782,0.170701750958,0.180190654182,0.737238698272,0.805055264376,0.610143275943,0.225229238529,0.772789985751,0.725032792773,0.914270261189,0.931857318116,0.697343669208,0.743341791173,0.244209839163,0.664804878187,0.991970632045,0.182932573576,0.964485524056,0.0248761854311,0.86060217915,0.396357840256;0.495911637156,0.242151344143,0.398257258613,0.513324205606,0.726676679675,0.300848620843,0.309357838202,0.556531198945,0.0584915446409,0.874573485337,0.391901284631,0.485146002888,0.749489117696,0.850907134084,0.20312500799,0.93006123747,0.557623862347,0.981953112003,0.564459337418,0.673227269543,0.589526815292,0.978084419066,0.975895906504,0.145541426773,0.718727126914,0.836787312525,0.201037295492,0.15383343928,0.441275251643,0.628105628713,0.0110434771866,0.0353934511255,0.600209404966,0.410769352583,0.345088978183,0.261994145294,0.946417073404,0.832551834461,0.995821368308,0.23661075426,0.995509347273,0.260318232014,0.893774186554,0.255413163745,0.197975903907,0.856952622942,0.701295688902,0.934905282658,0.443379121494,0.846402096492,0.973413498169,0.942627867648,0.872684960508,0.902799595449,0.788762749758,0.488298835661,0.219116479892,0.714965718893,0.920974643749,0.710167117482,0.194087816742,0.758902513855,0.605224343129,0.321575621412;28 +0.450388437819,0.521183524349,0.91398859419,0.307885628109,0.999203684191,0.951049545485,0.787964969143,0.341794801643,0.588268899192,0.269383555619,0.59958319534,0.496663259413,0.768908589876,0.0843659829498,0.658740309885,0.141408839921,0.410588492695,0.727412496218,0.763992708475,0.775331193733,0.424404914377,0.937847821559,0.430597006779,0.209260616564,0.657635821118,0.765352162224,0.895760519235,0.618425654981,0.209284106669,0.399522862095,0.47094699119,0.359100983911,0.9298867625,0.635125570033,0.0397051679905,0.307440586038,0.579402418494,0.594604463583,0.911347515367,0.828120682991,0.866538600748,0.588913760036,0.0427076062493,0.422585102914,0.0886735609432,0.28447291264,0.533720867077,0.00104548074805,0.938027443905,0.266501865202,0.00908736500484,0.375835565259,0.47370380965,0.888169045831,0.848977769493,0.266343914844,0.495673092227,0.276847522851,0.0665080421325,0.453294234045,0.553434176427,0.472898167065,0.316271691062,0.502599289896;0.326126827102,0.00356318639436,0.376433532759,0.663921590907,0.314335091456,0.785252057199,0.702212596484,0.481123183994,0.456425706121,0.997575920565,0.0547928132906,0.0964632153509,0.30744699246,0.196512604012,0.170157617179,0.133515088494,0.0356375067509,0.367582439372,0.206466886742,0.486199830744,0.476291760463,0.350664283426,0.661967542398,0.499649477338,0.256158470054,0.835120480358,0.358618257031,0.930999533811,0.299855396395,0.384812956942,0.45400259967,0.979049130963,0.296010498583,0.353346295547,0.619718257606,0.870824899505,0.775285421072,0.702190458371,0.970358515591,0.945977456223,0.794817929823,0.854631667738,0.87912422536,0.935441403744,0.318645084252,0.875362153415,0.121609824549,0.156701814844,0.34896949491,0.281621377392,0.356042252139,0.799155204782,0.140515834056,0.0491021268368,0.349592786739,0.855774995932,0.572707685907,0.430354289866,0.346703125068,0.12437402325,0.875115552558,0.00889071581547,0.240173751662,0.455612484861;0.946944461474,0.143238997362,0.847553661635,0.707144321496,0.875193629593,0.499279135402,0.718995070178,0.279285312771,0.382877236635,0.403442542062,0.346729643411,0.552098781598,0.394292224915,0.881242871707,0.599411423254,0.325735818829,0.154551131709,0.17450350119,0.31000259722,0.0454113637555,0.525237462414,0.968594990475,0.499440457907,0.240688389824,0.806412675478,0.258806828496,0.624733326795,0.892901938968,0.278128052698,0.639458968856,0.679840962839,0.565354413187,0.189448380729,0.722891230758,0.985258901267,0.1632153158,0.807908559373,0.913390886371,0.176313911711,0.778539003326,0.703982665519,0.95369212523,0.257047989099,0.230253643652,0.710655905206,0.308597685795,0.645648744402,0.0431081686686,0.918542443567,0.866537657947,0.893504042169,0.205532487735,0.894884125527,0.428959104144,0.969177566392,0.62800024243,0.976881241816,0.554495342882,0.667500626087,0.945416183835,0.799989760524,0.211150974066,0.597277582184,0.926286190986;57 diff --git a/models/recall/youtube_dnn/data/train/samll_data.txt b/models/recall/youtube_dnn/data/train/samll_data.txt deleted file mode 100644 index c3c4cf5f84f66594e76603cce1f18d211ebd05a7..0000000000000000000000000000000000000000 --- a/models/recall/youtube_dnn/data/train/samll_data.txt +++ /dev/null @@ -1,100 +0,0 @@ -4764,174,1 -4764,2958,0 -4764,452,0 -4764,1946,0 -4764,3208,0 -2044,2237,1 -2044,1998,0 -2044,328,0 -2044,1542,0 -2044,1932,0 -4276,65,1 -4276,3247,0 -4276,942,0 -4276,3666,0 -4276,2222,0 -3933,682,1 -3933,2451,0 -3933,3695,0 -3933,1643,0 -3933,3568,0 -1151,1265,1 -1151,118,0 -1151,2532,0 -1151,2083,0 -1151,2350,0 -1757,876,1 -1757,201,0 -1757,3633,0 -1757,1068,0 -1757,2549,0 -3370,276,1 -3370,2435,0 -3370,606,0 -3370,910,0 -3370,2146,0 -5137,1018,1 -5137,2163,0 -5137,3167,0 -5137,2315,0 -5137,3595,0 -3933,2831,1 -3933,2881,0 -3933,2949,0 -3933,3660,0 -3933,417,0 -3102,999,1 -3102,1902,0 -3102,2161,0 -3102,3042,0 -3102,1113,0 -2022,336,1 -2022,1672,0 -2022,2656,0 -2022,3649,0 -2022,883,0 -2664,655,1 -2664,3660,0 -2664,1711,0 -2664,3386,0 -2664,1668,0 -25,701,1 -25,32,0 -25,2482,0 -25,3177,0 -25,2767,0 -1738,1643,1 -1738,2187,0 -1738,228,0 -1738,650,0 -1738,3101,0 -5411,1241,1 -5411,2546,0 -5411,3019,0 -5411,3618,0 -5411,1674,0 -638,579,1 -638,3512,0 -638,783,0 -638,2111,0 -638,1880,0 -3554,200,1 -3554,2893,0 -3554,2428,0 -3554,969,0 -3554,2741,0 -4283,1074,1 -4283,3056,0 -4283,2032,0 -4283,405,0 -4283,1505,0 -5111,200,1 -5111,3488,0 -5111,477,0 -5111,2790,0 -5111,40,0 -3964,515,1 -3964,1528,0 -3964,2173,0 -3964,1701,0 -3964,2832,0 diff --git a/models/recall/youtube_dnn/data_prepare.sh b/models/recall/youtube_dnn/data_prepare.sh new file mode 100644 index 0000000000000000000000000000000000000000..b69cae28ecc87fcd1586407ce51d3ca56219919d --- /dev/null +++ b/models/recall/youtube_dnn/data_prepare.sh @@ -0,0 +1 @@ +python generate_ramdom_data.py diff --git a/models/recall/youtube_dnn/generate_ramdom_data.py b/models/recall/youtube_dnn/generate_ramdom_data.py new file mode 100644 index 0000000000000000000000000000000000000000..cfdb53ede1c5281c910792fffdc1dce14d8ced59 --- /dev/null +++ b/models/recall/youtube_dnn/generate_ramdom_data.py @@ -0,0 +1,40 @@ +# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import paddle +import numpy as np + +# Build a random data set. +sample_size = 100 +batch_size = 32 +watch_vec_size = 64 +search_vec_size = 64 +other_feat_size = 64 +output_size = 100 + +watch_vecs = np.random.rand(batch_size * sample_size, watch_vec_size).tolist() +search_vecs = np.random.rand(batch_size * sample_size, + search_vec_size).tolist() +other_vecs = np.random.rand(batch_size * sample_size, other_feat_size).tolist() +labels = np.random.randint( + output_size, size=(batch_size * sample_size)).tolist() + +output_path = "./data/train/data.txt" +with open(output_path, 'w') as fout: + for i in range(batch_size * sample_size): + _str_ = ','.join(map(str, watch_vecs[i])) + ";" + ','.join( + map(str, search_vecs[i])) + ";" + ','.join( + map(str, other_vecs[i])) + ";" + str(labels[i]) + fout.write(_str_) + fout.write("\n") diff --git a/models/recall/youtube_dnn/infer.py b/models/recall/youtube_dnn/infer.py new file mode 100644 index 0000000000000000000000000000000000000000..6ff4915d86943d8ebfb2a56a9c5d2106a81aa33a --- /dev/null +++ b/models/recall/youtube_dnn/infer.py @@ -0,0 +1,126 @@ +# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import os +import copy +import numpy as np +import argparse +import paddle.fluid as fluid +import pandas as pd +from paddle.fluid.incubate.fleet.utils import utils + + +def parse_args(): + parser = argparse.ArgumentParser("PaddlePaddle Youtube DNN infer example") + parser.add_argument( + '--use_gpu', type=int, default='0', help='whether use gpu') + parser.add_argument( + "--batch_size", type=int, default=32, help="batch_size") + parser.add_argument( + "--test_epoch", type=int, default=19, help="test_epoch") + parser.add_argument( + '--inference_model_dir', + type=str, + default='./inference_youtubednn', + help='inference_model_dir') + parser.add_argument( + '--increment_model_dir', + type=str, + default='./increment_youtubednn', + help='persistable_model_dir') + parser.add_argument( + '--watch_vec_size', type=int, default=64, help='watch_vec_size') + parser.add_argument( + '--search_vec_size', type=int, default=64, help='search_vec_size') + parser.add_argument( + '--other_feat_size', type=int, default=64, help='other_feat_size') + parser.add_argument('--topk', type=int, default=5, help='topk') + args = parser.parse_args() + return args + + +def infer(args): + video_save_path = os.path.join(args.increment_model_dir, + str(args.test_epoch), "l4_weight") + video_vec, = utils.load_var("l4_weight", [32, 100], 'float32', + video_save_path) + + place = fluid.CUDAPlace(0) if args.use_gpu else fluid.CPUPlace() + exe = fluid.Executor(place) + cur_model_path = os.path.join(args.inference_model_dir, + str(args.test_epoch)) + + user_vec = None + with fluid.scope_guard(fluid.Scope()): + infer_program, feed_target_names, fetch_vars = fluid.io.load_inference_model( + cur_model_path, exe) + # Build a random data set. + sample_size = 100 + watch_vecs = [] + search_vecs = [] + other_feats = [] + + for i in range(sample_size): + watch_vec = np.random.rand(1, args.watch_vec_size) + search_vec = np.random.rand(1, args.search_vec_size) + other_feat = np.random.rand(1, args.other_feat_size) + watch_vecs.append(watch_vec) + search_vecs.append(search_vec) + other_feats.append(other_feat) + + for i in range(sample_size): + l3 = exe.run(infer_program, + feed={ + "watch_vec": watch_vecs[i].astype('float32'), + "search_vec": search_vecs[i].astype('float32'), + "other_feat": other_feats[i].astype('float32'), + }, + return_numpy=True, + fetch_list=fetch_vars) + if user_vec is not None: + user_vec = np.concatenate([user_vec, l3[0]], axis=0) + else: + user_vec = l3[0] + + # get topk result + user_video_sim_list = [] + for i in range(user_vec.shape[0]): + for j in range(video_vec.shape[1]): + user_video_sim = cos_sim(user_vec[i], video_vec[:, j]) + user_video_sim_list.append(user_video_sim) + + tmp_list = copy.deepcopy(user_video_sim_list) + tmp_list.sort() + max_sim_index = [ + user_video_sim_list.index(one) + for one in tmp_list[::-1][:args.topk] + ] + + print("user:{0}, top K videos:{1}".format(i, max_sim_index)) + user_video_sim_list = [] + + +def cos_sim(vector_a, vector_b): + vector_a = np.mat(vector_a) + vector_b = np.mat(vector_b) + num = float(vector_a * vector_b.T) + denom = np.linalg.norm(vector_a) * np.linalg.norm(vector_b) + cos = num / (denom + 1e-4) + sim = 0.5 + 0.5 * cos + return sim + + +if __name__ == "__main__": + args = parse_args() + infer(args) diff --git a/models/recall/youtube_dnn/random_reader.py b/models/recall/youtube_dnn/reader.py similarity index 75% rename from models/recall/youtube_dnn/random_reader.py rename to models/recall/youtube_dnn/reader.py index a81269ca2efdb3cf0b928ec27e9d19ff80d77aeb..3ba78a8e9289c95d99f82e07cbc7316a37ee8ace 100644 --- a/models/recall/youtube_dnn/random_reader.py +++ b/models/recall/youtube_dnn/reader.py @@ -39,13 +39,17 @@ class Reader(ReaderBase): """ This function needs to be implemented by the user, based on data format """ - + features = line.rstrip().split(";") + watch_vec = features[0].split(',') + search_vec = features[1].split(',') + other_feat = features[2].split(',') + label = features[3] + assert (len(watch_vec) == self.watch_vec_size) + assert (len(search_vec) == self.search_vec_size) + assert (len(other_feat) == self.other_feat_size) feature_name = ["watch_vec", "search_vec", "other_feat", "label"] yield list( - zip(feature_name, [ - np.random.rand(self.watch_vec_size).tolist() - ] + [np.random.rand(self.search_vec_size).tolist()] + [ - np.random.rand(self.other_feat_size).tolist() - ] + [[np.random.randint(self.output_size)]])) + zip(feature_name, [watch_vec] + [search_vec] + [other_feat] + + [label])) return reader diff --git a/run.py b/run.py index 6340adfc1c6026d7c67f5576ba8d0230055ec19d..c916ecd0ab3b0efe71ef86a4bf1d7f357aa9d563 100755 --- a/run.py +++ b/run.py @@ -16,7 +16,6 @@ import os import subprocess import sys import argparse -import tempfile import warnings import copy @@ -39,6 +38,7 @@ def engine_registry(): engines["TRANSPILER"]["INFER"] = single_infer_engine engines["TRANSPILER"]["LOCAL_CLUSTER_TRAIN"] = local_cluster_engine engines["TRANSPILER"]["CLUSTER_TRAIN"] = cluster_engine + engines["TRANSPILER"]["ONLINE_LEARNING"] = online_learning engines["PSLIB"]["TRAIN"] = local_mpi_engine engines["PSLIB"]["LOCAL_CLUSTER_TRAIN"] = local_mpi_engine engines["PSLIB"]["CLUSTER_TRAIN"] = cluster_mpi_engine @@ -259,6 +259,20 @@ def single_infer_engine(args): return trainer +def online_learning(args): + trainer = "OnlineLearningTrainer" + single_envs = {} + single_envs["train.trainer.trainer"] = trainer + single_envs["train.trainer.threads"] = "2" + single_envs["train.trainer.engine"] = "online_learning" + single_envs["train.trainer.platform"] = envs.get_platform() + print("use {} engine to run model: {}".format(trainer, args.model)) + + set_runtime_envs(single_envs, args.model) + trainer = TrainerFactory.create(args.model) + return trainer + + def cluster_engine(args): def master(): from paddlerec.core.engine.cluster.cluster import ClusterEngine diff --git a/tools/cal_pos_neg.py b/tools/cal_pos_neg.py new file mode 100644 index 0000000000000000000000000000000000000000..3783bf542c8867f244910c1ce764e4fc6e450135 --- /dev/null +++ b/tools/cal_pos_neg.py @@ -0,0 +1,97 @@ +# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. +#!/usr/bin/python +#-*- coding:utf-8 -*- +""" +docstring +""" + +import os +import sys + +if len(sys.argv) < 2: + print "usage:python %s input" % (sys.argv[0]) + sys.exit(-1) + +fin = file(sys.argv[1]) +pos_num = 0 +neg_num = 0 + +score_list = [] +label_list = [] +last_query = "-1" + +#0 12.786960 1 +#0 -1.480890 0 +cnt = 0 +query_num = 0 +pair_num = 0 +equal_num = 0 +for line in fin: + cols = line.strip().split("\t") + cnt += 1 + if cnt % 500000 == 0: + print "cnt:", cnt, 1.0 * pos_num / neg_num + if len(cols) != 3: + continue + + cur_query = cols[0] + if cur_query != last_query: + query_num += 1 + for i in xrange(0, len(score_list)): + for j in xrange(i + 1, len(score_list)): + if label_list[i] == label_list[j]: + continue + pair_num += 1 + if (score_list[i] - score_list[j]) * ( + label_list[i] - label_list[j]) < 0: + neg_num += 1 + elif (score_list[i] - score_list[j]) * ( + label_list[i] - label_list[j]) > 0: + pos_num += 1 + else: + equal_num += 1 + score_list = [] + label_list = [] + + last_query = cur_query + + label = int(cols[2]) + + score_list.append(round(float(cols[1]), 6)) + label_list.append(int(cols[2])) + +fin.close() + +for i in xrange(0, len(score_list)): + for j in xrange(i + 1, len(score_list)): + if label_list[i] == label_list[j]: + continue + pair_num += 1 + if (score_list[i] - score_list[j]) * (label_list[i] - label_list[j] + ) < 0: + neg_num += 1 + elif (score_list[i] - score_list[j]) * (label_list[i] - label_list[j] + ) > 0: + pos_num += 1 + else: + equal_num += 1 + +if neg_num > 0: + print "pnr:", 1.0 * pos_num / neg_num + print "query_num:", query_num + print "pair_num:", pos_num + neg_num + equal_num, pair_num + print "equal_num:", equal_num + print "正序率:", 1.0 * pos_num / (pos_num + neg_num) +print pos_num, neg_num